diff --git a/dev_scripts/extract_den.py b/dev_scripts/extract_den.py index 7bed6e42..34482129 100755 --- a/dev_scripts/extract_den.py +++ b/dev_scripts/extract_den.py @@ -27,8 +27,9 @@ def parse_and_generate_fc(path): if os.path.isfile(ae_path): print("Warning: Cannot overwrite existent file:", ae_path) return 1 - #fc_file, ae_file = open(fc_path, "wt"), open(ae_path, "wt") - fc_file, ae_file = sys.stdout, sys.stdout + + fc_file, ae_file = open(fc_path, "wt"), open(ae_path, "wt") + #fc_file, ae_file = sys.stdout, sys.stdout psp8_get_densities(path, fc_file=fc_file, ae_file=ae_file) #fc_file.close() #ae_file.close() @@ -48,4 +49,4 @@ def parse_and_generate_fc(path): if __name__ == "__main__": - sys.exit(main()) \ No newline at end of file + sys.exit(main()) diff --git a/pseudo_dojo/core/atom.py b/pseudo_dojo/core/atom.py index bdf3130e..73a4d22b 100644 --- a/pseudo_dojo/core/atom.py +++ b/pseudo_dojo/core/atom.py @@ -1,9 +1,12 @@ # coding: utf-8 """This module provides objects and helper functions for atomic calculations.""" +from __future__ import annotations + import collections import numpy as np from io import StringIO +from typing import Any, List, Union, Optional, Iterable, Tuple from pseudo_dojo.refdata.nist import database as nist_database from scipy.interpolate import UnivariateSpline from scipy.integrate import cumtrapz @@ -22,8 +25,6 @@ "plot_logders", ] -# Helper functions - _char2l = { "s": 0, "p": 1, @@ -35,14 +36,14 @@ } -def _asl(obj): +def _asl(obj: Any) -> int: try: return _char2l[obj] except KeyError: return int(obj) -def states_from_string(confstr: str): +def states_from_string(confstr: str) -> List[QState]: """ Parse a string with an atomic configuration and build a list of `QState` instance. """ @@ -57,7 +58,7 @@ def states_from_string(confstr: str): return states -def parse_orbtoken(orbtoken: str): +def parse_orbtoken(orbtoken: str) -> QState: import re m = re.match(r"(\d+)([spdfghi]+)(\d+)", orbtoken.strip()) if m: @@ -68,9 +69,9 @@ def parse_orbtoken(orbtoken: str): class NlkState(collections.namedtuple("NlkState", "n, l, k")): """ - Named tuple storing (n,l) or (n,l,k) for relativistic pseudos. + Named tuple storing (n,l) or (n,l,k) if relativistic pseudos. """ - def __str__(self): + def __str__(self) -> str: if self.k is None: return "n=%i, l=%i" % (self.n, self.l) else: @@ -98,26 +99,15 @@ class QState(collections.namedtuple("QState", "n, l, occ, eig, j, s")): # TODO # Spin +1, -1 or 1,2 or 0,1? - def __new__(cls, n, l, occ, eig=None, j=None, s=None): + def __new__(cls, n: int, l: int, occ: float, + eig: Optional[float] = None, + j: Optional[int] = None, + s: Optional[int] = None): """Intercepts super.__new__ adding type conversion and default values.""" eig = float(eig) if eig is not None else eig j = int(j) if j is not None else j s = int(s) if s is not None else s - return super(QState, cls).__new__(cls, int(n), _asl(l), float(occ), eig=eig, j=j, s=s) - - # Rich comparison support. - # Note that the ordering is based on the quantum numbers and not on energies! - #def __gt__(self, other): - # if self.has_j: - # raise NotImplementedError("") - # if self.n != other.n: return self.n > other.n - # if self.l != other.l - - # if self == other: - # return False - # else: - # raise RuntimeError("Don't know how to compare %s with %s" % (self, other)) - #def __lt__(self, other): + return super().__new__(cls, int(n), _asl(l), float(occ), eig=eig, j=j, s=s) @property def has_j(self) -> bool: @@ -128,9 +118,11 @@ def has_s(self) -> bool: return self.s is not None -class AtomicConfiguration(object): - """Atomic configuration defining the all-electron atom.""" - def __init__(self, Z, states): +class AtomicConfiguration: + """ + Atomic configuration of an all-electron atom. + """ + def __init__(self, Z: int, states: List[QState]) -> None: """ Args: Z: Atomic number. @@ -140,7 +132,8 @@ def __init__(self, Z, states): self.states = states @classmethod - def from_string(cls, Z, string, has_s=False, has_j=False): + def from_string(cls, Z: int, string: str, + has_s: bool = False, has_j: bool = False) -> AtomicConfiguration: if not has_s and not has_j: # Ex: [He] 2s2 2p3 states = states_from_string(string) @@ -149,29 +142,29 @@ def from_string(cls, Z, string, has_s=False, has_j=False): return cls(Z, states) - def __str__(self): + def __str__(self) -> str: lines = ["%s: " % self.Z] lines += [str(state) for state in self] return "\n".join(lines) - def __len__(self): + def __len__(self) -> int: return len(self.states) - def __iter__(self): + def __iter__(self) -> Iterable: return self.states.__iter__() - def __eq__(self, other): + def __eq__(self, other: AtomicConfiguration) -> bool: if len(self.states) != len(other.states): return False return (self.Z == other.Z and all(s1 == s2 for s1, s2 in zip(self.states, other.states))) - def __ne__(self, other): + def __ne__(self, other: AtomicConfiguration) -> bool: return not self == other @classmethod - def neutral_from_symbol(cls, symbol): + def neutral_from_symbol(cls, symbol: Union[str, int]) -> AtomicConfiguration: """ symbol: str or int Can be a chemical symbol (str) or an atomic number (int). @@ -180,17 +173,17 @@ def neutral_from_symbol(cls, symbol): states = [QState(n=s[0], l=s[1], occ=s[2]) for s in entry.states] return cls(entry.Z, states) - def copy(self): + def copy(self) -> AtomicConfiguration: """Shallow copy of self.""" return AtomicConfiguration(self.Z, [s for s in self.states]) @property - def symbol(self): + def symbol(self) -> str: """Chemical symbol""" return nist_database.symbol_from_Z(self.Z) @property - def spin_mode(self): + def spin_mode(self) -> str: """ unpolarized: Spin-unpolarized calculation. polarized: Spin-polarized calculation. @@ -202,12 +195,12 @@ def spin_mode(self): return "unpolarized" @property - def echarge(self): - """Electronic charge (float <0).""" + def echarge(self) -> float: + """Electronic charge (float < 0 ).""" return -sum(state.occ for state in self) @property - def isneutral(self): + def isneutral(self) -> bool: """True if self is a neutral configuration.""" return abs(self.echarge + self.Z) < 1.e-8 @@ -232,8 +225,10 @@ def _pop(self, state): raise -class RadialFunction(object): - """A RadialFunction has a name, a radial mesh and values defined on this mesh.""" +class RadialFunction: + """ + A RadialFunction has a name, a radial mesh and values defined on this mesh. + """ def __init__(self, name: str, rmesh, values): """ @@ -248,7 +243,7 @@ def __init__(self, name: str, rmesh, values): assert len(self.rmesh) == len(self.values) @classmethod - def from_filename(cls, filename: str, rfunc_name=None, cols=(0, 1)): + def from_filename(cls, filename: str, rfunc_name=None, cols=(0, 1)) -> RadialFunction: """ Initialize the object reading data from filename (txt format). @@ -262,20 +257,20 @@ def from_filename(cls, filename: str, rfunc_name=None, cols=(0, 1)): name = filename if rfunc_name is None else rfunc_name return cls(name, rmesh, values) - def __len__(self): + def __len__(self) -> int: return len(self.values) - def __iter__(self): + def __iter__(self) -> Iterable: """Iterate over (rpoint, value).""" return iter(zip(self.rmesh, self.values)) def __getitem__(self, rslice): return self.rmesh[rslice], self.values[rslice] - def __repr__(self): + def __repr__(self) -> str: return "<%s, name=%s at %s>" % (self.__class__.__name__, self.name, id(self)) - def __str__(self): + def __str__(self) -> str: stream = StringIO() self.pprint(stream=stream) return stream.getvalue() @@ -284,7 +279,7 @@ def __str__(self): #def __sub__(self, other): #def __mul__(self, other): - def __abs__(self): + def __abs__(self) -> RadialFunction: return self.__class__(self.rmesh, np.abs(self.values)) @property @@ -295,7 +290,7 @@ def to_dict(self) -> dict: values=list(self.values), ) - def pprint(self, what: str = "rmesh+values", stream=None): + def pprint(self, what: str = "rmesh+values", stream=None) -> None: """pprint method (useful for debugging)""" from pprint import pprint if "rmesh" in what: @@ -307,17 +302,17 @@ def pprint(self, what: str = "rmesh+values", stream=None): pprint(self.values, stream=stream) @property - def rmax(self): + def rmax(self) -> float: """Outermost point of the radial mesh.""" return self.rmesh[-1] @property - def rsize(self): + def rsize(self) -> float: """Size of the radial mesh.""" return len(self.rmesh) @property - def minmax_ridx(self): + def minmax_ridx(self) -> Tuple[int, int]: """ Returns the indices of the values in a list with the maximum and minimum value. """ @@ -326,8 +321,10 @@ def minmax_ridx(self): return minimum[0], maximum[0] @property - def inodes(self): - """"List with the index of the nodes of the radial function.""" + def inodes(self) -> List[int]: + """" + List with the index of the nodes of the radial function. + """ inodes = [] for i in range(len(self.values)-1): if self.values[i] * self.values[i+1] <= 0: @@ -352,7 +349,7 @@ def derivatives(self, r): """Return all derivatives of the spline at the point r.""" return self.spline.derivatives(r) - def integral(self): + def integral(self) -> RadialFunction: r""" Cumulatively integrate y(x) using the composite trapezoidal rule. @@ -369,6 +366,7 @@ def integral(self): def integral3d(self, a=None, b=None): """ Return definite integral of the spline of (r**2 values**2) between two given points a and b + Args: a: First point. rmesh[0] if a is None b: Last point. rmesh[-1] if a is None @@ -380,17 +378,19 @@ def integral3d(self, a=None, b=None): return r2v2_spline.integral(a, b) def ifromr(self, rpoint): - """The index of the point.""" + """ + The index of the point in the radial mesh. + """ for (i, r) in enumerate(self.rmesh): if r > rpoint: - return i-1 + return i - 1 if rpoint == self.rmesh[-1]: return len(self.rmesh) else: raise ValueError("Cannot find %s in rmesh" % rpoint) - def ir_small(self, abs_tol=0.01): + def ir_small(self, abs_tol: float = 0.01) -> int: """ Returns the rightmost index where the abs value of the wf becomes greater than abs_tol @@ -425,7 +425,7 @@ def r2f_integral(self): pad_intg[1:] = integ return pad_intg - def get_intr2j0(self, ecut, numq=3001): + def get_intr2j0(self, ecut: float, numq: float = 3001): r""" Compute 4\pi\int[(\frac{\sin(2\pi q r)}{2\pi q r})(r^2 n(r))dr]. """ diff --git a/pseudo_dojo/ppcodes/oncvpsp.py b/pseudo_dojo/ppcodes/oncvpsp.py index 086a4148..dbc3e088 100644 --- a/pseudo_dojo/ppcodes/oncvpsp.py +++ b/pseudo_dojo/ppcodes/oncvpsp.py @@ -1,5 +1,9 @@ # coding: utf-8 -"""Classes and functions for post-processing the results produced by ONCVPSP.""" +""" +Classes and functions for post-processing the results produced by ONCVPSP. +""" +from __future__ import annotations + import io import os import abc @@ -7,8 +11,10 @@ import numpy as np from collections import namedtuple, OrderedDict +from typing import Any, Union from monty.functools import lazy_property from monty.collections import AttrDict, dict2namedtuple +from monty.os.path import which from monty.termcolor import cprint from abipy.tools.plotting import add_fig_kwargs, get_ax_fig_plt from abipy.tools.derivatives import finite_diff @@ -29,8 +35,8 @@ } -def is_integer(s): - """True if s in an integer.""" +def is_integer(s: Any) -> bool: + """True if object `s` in an integer.""" try: c = float(s) return int(c) == c @@ -39,7 +45,9 @@ def is_integer(s): def decorate_ax(ax, xlabel, ylabel, title, lines, legends): - """Decorate a `matplotlib` Axis adding xlabel, ylabel, title, grid and legend""" + """ + Decorate a `matplotlib` Axis adding xlabel, ylabel, title, grid and legend + """ ax.set_title(title) ax.set_xlabel(xlabel) ax.set_ylabel(ylabel) @@ -47,7 +55,7 @@ def decorate_ax(ax, xlabel, ylabel, title, lines, legends): ax.legend(lines, legends, loc="best", shadow=True) -class PseudoGenDataPlotter(object): +class PseudoGenDataPlotter: """ Plots the results produced by a pseudopotential generator. """ @@ -169,7 +177,7 @@ def plot_projectors(self, ax=None, **kwargs): lselect = kwargs.get("lselect", []) - linestyle = {1: "solid", 2: "dashed"} + linestyle = {1: "solid", 2: "dashed", 3: "dotted", 4: "dashdot"} lines, legends = [], [] for nlk, proj in self.projectors.items(): #print(nlk) @@ -359,7 +367,7 @@ def plot_den_formfact(self, ecut=60, ax=None, **kwargs): return fig -class MultiPseudoGenDataPlotter(object): +class MultiPseudoGenDataPlotter: """ Class for plotting data produced by multiple pp generators on separated plots. @@ -379,7 +387,7 @@ class MultiPseudoGenDataPlotter(object): def __init__(self): self._plotters_odict = OrderedDict() - def __len__(self): + def __len__(self) -> int: return len(self._plotters_odict) @property @@ -388,11 +396,11 @@ def plotters(self): return list(self._plotters_odict.values()) @property - def labels(self): + def labels(self) -> list: """List of labels.""" return list(self._plotters_odict.keys()) - def keys(self): + def keys(self) -> list: """List of strings with the quantities that can be plotted.""" keys_set = set() for plotter in self.plotters: @@ -407,12 +415,12 @@ def iter_lineopt(self): for o in itertools.product(self._LINE_WIDTHS, self._LINE_STYLES, self._LINE_COLORS): yield {"linewidth": o[0], "linestyle": o[1], "color": o[2]} - def add_psgen(self, label, psgen): + def add_psgen(self, label: str, psgen) -> None: """Add a plotter of class plotter_class from a `PseudoGenerator` instance.""" oparser = psgen.parse_output() self.add_plotter(label, oparser.make_plotter()) - def add_plotter(self, label, plotter): + def add_plotter(self, label: str, plotter) -> None: """ Adds a plotter. @@ -465,6 +473,7 @@ def plot_key(self, key, **kwargs): class PseudoGenResults(AttrDict): + _KEYS = [ "max_ecut", "max_atan_logder_l1err", @@ -480,7 +489,7 @@ def __init__(self, *args, **kwargs): class AtanLogDer(namedtuple("AtanLogDer", "l, energies, values")): @property - def to_dict(self): + def to_dict(self) -> dict: return dict( l=self.l, energies=list(self.energies), @@ -491,7 +500,7 @@ class PseudoGenOutputParserError(Exception): """Exceptions raised by OuptputParser.""" -class PseudoGenOutputParser(object): +class PseudoGenOutputParser: """ Abstract class defining the interface that must be provided by the parsers used to extract results from the output file of @@ -507,7 +516,7 @@ class PseudoGenOutputParser(object): Error = PseudoGenOutputParserError - def __init__(self, filepath): + def __init__(self, filepath: str) -> None: self.filepath = os.path.abspath(filepath) self.run_completed = False self._errors = [] @@ -515,12 +524,12 @@ def __init__(self, filepath): self._results = None @property - def errors(self): + def errors(self) -> List[str]: """List of strings with possible errors reported by the generator at run-time.""" return self._errors @property - def warnings(self): + def warnings(self) -> List[str]: """List of strings with possible errors reported by the generator at run-time.""" return self._warnings @@ -536,11 +545,11 @@ def get_results(self): """ @abc.abstractmethod - def get_input_str(self): + def get_input_str(self) -> str: """Returns a string with the input file.""" @abc.abstractmethod - def get_pseudo_str(self): + def get_pseudo_str(self) -> str: """Returns a string with the pseudopotential file.""" @@ -580,9 +589,9 @@ class OncvOutputParser(PseudoGenOutputParser): # Class used to instantiate the plotter. Plotter = PseudoGenDataPlotter - def scan(self, verbose=0): + def scan(self, verbose: int = 0) -> None: """ - Scan the output, set `run_completed` attribute. + Scan the output file, set `run_completed` attribute. Raises: self.Error if invalid file. @@ -592,12 +601,17 @@ def scan(self, verbose=0): # Read data and store it in lines self.lines = [] - with open(self.filepath) as fh: + import io + #with io.open(self.filepath, mode="rt", encoding="utf-8") as fh: + #with io.open(self.filepath, mode="rt", encoding="latin") as fh: + with io.open(self.filepath, "rt") as fh: for i, line in enumerate(fh): + #print(line) line = line.strip() self.lines.append(line) - if verbose and line.startswith("fcfact*="): print(line) + if verbose and line.startswith("fcfact*="): + print(line) if line.startswith("DATA FOR PLOTTING"): self.run_completed = True @@ -621,14 +635,16 @@ def scan(self, verbose=0): #if self.errors: # return 1 - #scalar-relativistic version 2.1.1, 03/26/2014 - #scalar-relativistic version 3.0.0 10/10/2014 - #toks, self.gendate = self.lines[1].split(",") - #toks = toks.split() + # scalar-relativistic version 2.1.1, 03/26/2014 + # scalar-relativistic version 3.0.0 10/10/2014 + # toks, self.gendate = self.lines[1].split(",") + # toks = toks.split() toks = self.lines[1].replace(",", " ").split() self.gendate = toks.pop(-1) self.calc_type, self.version = toks[0], toks[-1] + self.major_version, self.minor_version, self.patch_level = tuple(map(int, self.version.split("."))) + fullr = self.calc_type not in ["scalar-relativistic", "non-relativistic"] if fullr: logger.info("Parsing of wavefunctions and projectors is not yet coded for fully-relativisic pseudos") @@ -656,15 +672,17 @@ def scan(self, verbose=0): 3 0 2.00 -3.9736459D-01 3 1 2.00 -1.4998149D-01 - full rel: + full rel + in version 4, there no difference between FR and SR + in version 3, the FR version has: + # n l f energy (Ha) # n l f l+1/2 l-1/2 1 0 2.00 -2.4703720D+03 2 0 2.00 -4.2419865D+02 """ - #header = "# n l f energy (Ha)" - if fullr: + if fullr and self.major_version <= 3: header = "# n l f l+1/2 l-1/2" else: header = "# n l f energy (Ha)" @@ -687,18 +705,20 @@ def scan(self, verbose=0): beg, valence = i + nc + 1, [] for v in range(nv): + #print("lines[beg+v]", self.lines[beg+v]) n, l, f = self.lines[beg+v].split()[:3] if is_integer(f): f = str(int(float(f))) else: - f = "%.1f" % f + #print(f) + f = "%.1f" % float(f) valence.append(n + _l2char[l] + "^{%s}" % f) self.valence = "$" + " ".join(valence) + "$" #print("core", self.core, "valence",self.valence) break else: - raise self.Error("Cannot find #lmax line in output file %s" % self.filepath) + raise self.Error(f"Cannot find header:\n`{header}`\nin output file {self.filepath}") # Read lmax (not very robust because we assume the user didn't change the template but oh well) header = "# lmax" @@ -707,26 +727,26 @@ def scan(self, verbose=0): self.lmax = int(self.lines[i+1]) break else: - raise self.Error("Cannot find #lmax line in output file %s" % self.filepath) + raise self.Error("Cannot find line with `#lmax` in output file %s" % self.filepath) # Compute the minimun rc(l) header = "# l, rc, ep, ncon, nbas, qcut" for i, line in enumerate(self.lines): if line.startswith(header): beg = i + 1 - next, rcs = 0, [] + nxt, rcs = 0, [] while True: - l = self.lines[beg + next] + l = self.lines[beg + nxt] if l.startswith("#"): break token = l.split()[1] #print("token", token) rcs.append(float(token)) #print(l) - next += 1 + nxt += 1 self.rc_min, self.rc_max = min(rcs), max(rcs) - def __str__(self): + def __str__(self) -> str: """String representation.""" lines = [] app = lines.append @@ -741,12 +761,12 @@ def __str__(self): return "\n".join(lines) @property - def fully_relativistic(self): + def fully_relativistic(self) -> bool: """True if fully-relativistic calculation.""" return self.calc_type == "fully-relativistic" @lazy_property - def potentials(self): + def potentials(self) -> dict: """Radial functions with the non-local and local potentials.""" #radii, charge, pseudopotentials (ll=0, 1, lmax) #!p 0.0099448 4.7237412 -7.4449470 -14.6551019 @@ -756,7 +776,7 @@ def potentials(self): # From 0 up to lmax ionpots_l = {} - for l in range(lmax+1): + for l in range(lmax + 1): ionpots_l[l] = RadialFunction("Ion Pseudopotential, l=%d" % l, vl_data[:, 0], vl_data[:, 2+l]) # Local part is stored with l == -1 if lloc=4, not present if lloc=l @@ -767,7 +787,7 @@ def potentials(self): return ionpots_l @lazy_property - def densities(self): + def densities(self) -> dict: """ Dictionary with charge densities on the radial mesh. """ @@ -844,8 +864,10 @@ def projectors(self): #@ 0 0.009945 0.015274 -0.009284 projectors_nlk = OrderedDict() beg = 0 + magic = "@" + if self.major_version > 3: magic = "!J" while True: - g = self._grep("@", beg=beg) + g = self._grep(magic, beg=beg) if g.data is None: break beg = g.stop + 1 # TODO: Get n, l, k from header. @@ -878,7 +900,11 @@ def atan_logders(self): #! 0 2.000000 0.706765 0.703758 ae_atan_logder_l, ps_atan_logder_l = OrderedDict(), OrderedDict() - for l in range(self.lmax+1): + lstop = self.lmax + 1 + if self.major_version > 3: + lstop = min(self.lmax + 2, 4) + + for l in range(lstop): data = self._grep(tag="! %d" % l).data assert l == int(data[0, 0]) ae_atan_logder_l[l] = AtanLogDer(l=l, energies=data[:, 1], values=data[:, 2]) @@ -887,7 +913,7 @@ def atan_logders(self): return self.AePsNamedTuple(ae=ae_atan_logder_l, ps=ps_atan_logder_l) @lazy_property - def ene_vs_ecut(self): + def ene_vs_ecut(self) -> dict: """Convergence of energy versus ecut for different l-values.""" #convergence profiles, (ll=0,lmax) #!C 0 5.019345 0.010000 @@ -975,7 +1001,7 @@ def get_results(self): return self._results - def find_string(self, s): + def find_string(self, s: str) -> int: """ Returns the index of the first line containing string s. Raise self.Error if s cannot be found. @@ -986,7 +1012,7 @@ def find_string(self, s): else: raise self.Error("Cannot find %s in lines" % s) - def get_input_str(self): + def get_input_str(self) -> str: """String with the input file.""" try: # oncvpsp 3.2.3 @@ -998,7 +1024,7 @@ def get_input_str(self): i = self.find_string("Reference configufation results") return "\n".join(self.lines[:i]) - def get_psp8_str(self): + def get_psp8_str(self) -> Union[str, None]: """ Return string with the pseudopotential data in psp8 format. None if field is not present. @@ -1019,7 +1045,7 @@ def get_psp8_str(self): return ps_data - def get_upf_str(self): + def get_upf_str(self) -> Union[str, None]: """ Return string with the pseudopotential data in upf format. None if field is not present. @@ -1045,31 +1071,13 @@ def get_pseudo_str(self): raise ValueError("Cannot find neither PSPCODE8 not PSP_UPF tag in output file") - # Extract the pseudo in Abinit format. - try: - i = self.find_string('Begin PSPCODE8') - except self.Error: - try: - i = self.find_string('Begin PSP_UPF') - except self.Error: - raise ValueError("Cannot find neither PSPCODE8 not PSP_UPF tag in output file") - - ps_data = "\n".join(self.lines[i+1:]) - - if "" not in ps_data: - # oncvpsp <= 3.2.2 --> Append the input to ps_data (note XML markers) - # oncvpsp >= 3.2.3 --> Input is already there - ps_data += "\n\n\n" + self.get_input_str() + "\n" - - return ps_data - def make_plotter(self): """Builds an instance of :class:`PseudoGenDataPlotter`.""" kwargs = {k: getattr(self, k) for k in self.Plotter.all_keys} return self.Plotter(**kwargs) @property - def to_dict(self): + def to_dict(self) -> dict: """ Returns a dictionary with the radial functions and the other important results produced by ONCVPSP in JSON format. @@ -1105,7 +1113,7 @@ def to_dict(self): return jdict - def _grep(self, tag, beg=0): + def _grep(self, tag: str, beg: int = 0): """ Finds the first field in the file with the specified tag. beg gives the initial position in the file. @@ -1134,7 +1142,7 @@ def _grep(self, tag, beg=0): else: return self.GrepResults(data=np.array(data), start=intag, stop=stop) - def gnuplot(self): + def gnuplot(self) -> None: """ Plot the results with gnuplot. Based on the `replot.sh` script provided by the oncvpsp code. @@ -1167,41 +1175,119 @@ def gnuplot(self): os.rmdir(workdir) -def oncv_make_open_notebook(outpath, foreground=False): +def oncv_make_open_notebook(outpath: str, + foreground: bool = False, + classic_notebook: bool = False, + no_browser: bool = False) -> int: # pragma: no cover """ Generate an ipython notebook and open it in the browser. Args: foreground: By default, jupyter is executed in background and stdout, stderr are redirected - to devnull. Use foreground to run the process in foreground + to devnull. Use foreground to run the process in foreground + classic_notebook: True to use the classic notebook instead of jupyter-lab (default) + no_browser: Start the jupyter server to serve the notebook but don't open the notebook in the browser. + Use this option to connect remotely from localhost to the machine running the kernel - Return: - system exit code. + Return: system exit code. - Raise: - RuntimeError if jupyter is not in $PATH + Raise: `RuntimeError` if jupyter executable is not in $PATH """ nbpath = oncv_write_notebook(outpath, nbpath=None) - if foreground: - cmd = "jupyter notebook %s" % nbpath - return os.system(cmd) + if not classic_notebook: + # Use jupyter-lab. + app_path = which("jupyter-lab") + if app_path is None: + raise RuntimeError(""" +Cannot find jupyter-lab application in $PATH. Install it with: + + conda install -c conda-forge jupyterlab + +or: + + pip install jupyterlab + +See also https://jupyterlab.readthedocs.io/ +""") else: - cmd = "jupyter notebook %s &> /dev/null &" % nbpath - print("Executing:", cmd) + # Use classic notebook + app_path = which("jupyter") + if app_path is None: + raise RuntimeError(""" +Cannot find jupyter application in $PATH. Install it with: - import subprocess - try: - from subprocess import DEVNULL # py3k - except ImportError: - DEVNULL = open(os.devnull, "wb") + conda install -c conda-forge jupyter + +or: + + pip install jupyterlab + +See also https://jupyter.readthedocs.io/en/latest/install.html +""") + app_path = app_path + " notebook " + + if not no_browser: + if foreground: + return os.system("%s %s" % (app_path, nbpath)) + else: + fd, tmpname = tempfile.mkstemp(text=True) + print(tmpname) + cmd = "%s %s" % (app_path, nbpath) + print("Executing:", cmd, "\nstdout and stderr redirected to %s" % tmpname) + import subprocess + process = subprocess.Popen(cmd.split(), shell=False, stdout=fd, stderr=fd) + cprint("pid: %s" % str(process.pid), "yellow") + return 0 + + else: + # Based on https://github.com/arose/nglview/blob/master/nglview/scripts/nglview.py + notebook_name = os.path.basename(nbpath) + dirname = os.path.dirname(nbpath) + print("nbpath:", nbpath) + + import socket + + def find_free_port(): + """https://stackoverflow.com/questions/1365265/on-localhost-how-do-i-pick-a-free-port-number""" + from contextlib import closing + with closing(socket.socket(socket.AF_INET, socket.SOCK_STREAM)) as s: + s.bind(('', 0)) + s.setsockopt(socket.SOL_SOCKET, socket.SO_REUSEADDR, 1) + return s.getsockname()[1] - process = subprocess.Popen(cmd.split(), shell=False, stdout=DEVNULL) #, stderr=DEVNULL) - cprint("pid: %s" % str(process.pid), "yellow") + username = os.getlogin() + hostname = socket.gethostname() + port = find_free_port() + client_cmd = "ssh -NL localhost:{port}:localhost:{port} {username}@{hostname}".format( + username=username, hostname=hostname, port=port) -def oncv_write_notebook(outpath, nbpath=None): + print(f""" +Using port: {port} + +\033[32m In your local machine, run: \033[0m + + {client_cmd} + +\033[32m NOTE: you might want to replace {hostname} by full hostname with domain name \033[0m +\033[32m Then open your web browser, copy and paste the URL: \033[0m + +http://localhost:{port}/notebooks/{notebook_name} +""") + if not classic_notebook: + cmd = f'{app_path} {notebook_name} --no-browser --port {port} --notebook-dir {dirname}' + else: + cmd = f'{app_path} notebook {notebook_name} --no-browser --port {port} --notebook-dir {dirname}' + + print("Executing:", cmd) + print('NOTE: make sure to open `{}` in your local machine\n'.format(notebook_name)) + + return os.system(cmd) + + +def oncv_write_notebook(outpath: str, nbpath: Optional[str] = None) -> str: """ Write an ipython notebook to nbpath If nbpath is None, a temporay file is created. @@ -1216,8 +1302,13 @@ def oncv_write_notebook(outpath, nbpath=None): nb.cells.extend([ nbf.new_markdown_cell("## This is an auto-generated notebook for %s" % os.path.basename(outpath)), nbf.new_code_cell("""\ -from __future__ import print_function, division, unicode_literals -%matplotlib notebook"""), +%matplotlib notebook + +# Use this magic for jupyterlab. +# For installation instructions, see https://github.com/matplotlib/jupyter-matplotlib +#%matplotlib widget + +"""), nbf.new_code_cell("""\ # Parse output file @@ -1462,10 +1553,10 @@ def psp8_get_densities(path, fc_file=None, ae_file=None, plot=False): if ae_file is not None: # Write results to file in "AE" format - # The files contain - # header with number of points and unknown parameter (not used) - # then 2 columns with the radial r coordinate and the AE density at r - # See http://www.abinit.org/downloads/all_core_electron + # The files contains: + # header with number of points and unknown parameter (not used) + # then 2 columns with the radial r coordinate and the AE density at r + # See http://www.abinit.org/downloads/all_core_electron header = "%d 0.0 %s %s %s # nr, dummy, symbol, Z, Z_val" % ( mmax, pseudo.symbol, pseudo.Z, pseudo.Z_val) print(header, file=ae_file) diff --git a/pseudo_dojo/ppcodes/ppgen.py b/pseudo_dojo/ppcodes/ppgen.py index c96b966a..362c4086 100644 --- a/pseudo_dojo/ppcodes/ppgen.py +++ b/pseudo_dojo/ppcodes/ppgen.py @@ -1,5 +1,7 @@ # coding: utf-8 """Pseudopotential Generators.""" +from __future__ import annotations + import abc import os import tempfile @@ -7,6 +9,7 @@ import shutil import time +from typing import Any, Union, Optional from itertools import product from monty.os.path import which from abipy.flowtk.pseudos import Pseudo @@ -27,16 +30,18 @@ class Status(int): - """An integer representing the status of the 'PseudoGenearator`.""" - def __repr__(self): + """ + An integer representing the status of the 'PseudoGenerator`. + """ + def __repr__(self) -> str: return "<%s: %s, at %s>" % (self.__class__.__name__, str(self), id(self)) - def __str__(self): + def __str__(self) -> str: """String representation.""" return _STATUS2STR[self] @classmethod - def as_status(cls, obj): + def as_status(cls, obj: Union[Status, str]) -> Status: """Convert obj into Status.""" if isinstance(obj, cls): return obj @@ -54,7 +59,7 @@ def from_string(cls, s): raise ValueError("Wrong string %s" % s) -class PseudoGenerator(object): +class PseudoGenerator: """ This object receives a string with the input file and generates a pseudopotential. It calls the pp generator in a subprocess to produce the results in a temporary directory. @@ -98,7 +103,7 @@ class PseudoGenerator(object): stdout_basename = "run.out" stderr_basename = "run.err" - def __init__(self, workdir=None): + def __init__(self, workdir: Optional[str] = None) -> None: # Set the initial status. self.set_status(self.S_INIT) self.errors, self.warnings = [], [] @@ -113,27 +118,27 @@ def __init__(self, workdir=None): self.workdir = tempfile.mkdtemp(prefix=self.__class__.__name__) @property - def stdin_path(self): + def stdin_path(self) -> str: """Absolute path of the standard input.""" return os.path.join(self.workdir, self.stdin_basename) @property - def stdout_path(self): + def stdout_path(self) -> str: """Absolute path of the standard output.""" return os.path.join(self.workdir, self.stdout_basename) @property - def stderr_path(self): + def stderr_path(self) -> str: """Absolute path of the standard error.""" return os.path.join(self.workdir, self.stderr_basename) @property - def status(self): + def status(self) -> Status: """The status of the job.""" return self._status @property - def retcode(self): + def retcode(self) -> Union[int, None]: """ Return code of the subprocess. None if not available because e.g. the job has not been started yet. @@ -152,19 +157,19 @@ def pseudo(self): return None @property - def executable(self): + def executable(self) -> str: """Name of the executable.""" return self._executable @property - def input_str(self): + def input_str(self) -> str: """String with the input file.""" return self._input_str - def __repr__(self): + def __repr__(self) -> str: return "<%s at %s>" % (self.__class__.__name__, os.path.basename(self.workdir)) - def __str__(self): + def __str__(self) -> str: #return "<%s at %s, status=%s>" % (self.__class__.__name__, os.path.basename(self.workdir), self.status) return "<%s at %s, status=%s>" % (self.__class__.__name__, self.workdir, self.status) @@ -175,10 +180,10 @@ def __str__(self): #def __ne__(self, other): # return not self == other - def start(self): + def start(self) -> int: """" Run the calculation in a sub-process (non-blocking interface) - Return 1 if calculations started, 0 otherwise. + Return 1 if calculation started, 0 otherwise. """ print(self.executable) if self.status >= self.S_RUN: @@ -255,7 +260,7 @@ def check_status(self): def get_stdin(self): return self.input_str - def get_stdout(self): + def get_stdout(self) -> str: """Returns a string with the stdout of the calculation.""" if not os.path.exists(self.stdout_path): return "Stdout file does not exist" @@ -263,7 +268,7 @@ def get_stdout(self): with open(self.stdout_path) as out: return out.read() - def get_stderr(self): + def get_stderr(self) -> str: """Returns a string with the stderr of the calculation.""" if not os.path.exists(self.stdout_path): return "Stderr file does not exist" @@ -271,7 +276,7 @@ def get_stderr(self): with open(self.stderr_path) as err: return err.read() - def rmtree(self): + def rmtree(self) -> int: """Remove the temporary directory. Return exit status""" try: shutil.rmtree(self.workdir) @@ -333,7 +338,9 @@ class OncvGenerator(PseudoGenerator): @classmethod def from_file(cls, path, calc_type, workdir=None): - """Build the object from a file containing input parameters.""" + """ + Build the object from a file containing input parameters. + """ with open(path, "rt") as fh: input_str = fh.read() return cls(input_str, calc_type, workdir=workdir) @@ -352,6 +359,7 @@ def __init__(self, input_str, calc_type, workdir=None): if self.executable is None: msg = "Cannot find executable for oncvpsp is PATH. Use `export PATH=dir_with_executable:$PATH`" raise RuntimeError(msg) + self.format = 'psp8' def check_status(self): @@ -444,12 +452,12 @@ def plot_results(self, **kwargs): plotter.plot_atanlogder_econv() -class OncvMultiGenerator(object): +class OncvMultiGenerator: """ This object receives a template input file and generates multi - pseudos by changing paricular parameters + pseudos by changing particular parameters. """ - def __init__(self, filepath, calc_type="scalar-relativistic"): + def __init__(self, filepath: str, calc_type: str = "scalar-relativistic") -> None: """ Args: filepath: File with the input file @@ -463,10 +471,9 @@ def __init__(self, filepath, calc_type="scalar-relativistic"): def change_icmod3(self, fcfact_list=(3, 4, 5), rcfact_list=(1.3, 1.35, 1.4, 1.45, 1.5, 1.55)): """ Change the value of fcfact and rcfact in the template. Generate the new pseudos - and create new directories with the pseudopotentials in the current workding directory. + and create new directories with the pseudopotentials in the current working directory. - Return: - List of `Pseudo` objects + Return: List of `Pseudo` objects Old version with icmod == 1. diff --git a/pseudo_dojo/ppcodes/tests/O_sr_v4.out b/pseudo_dojo/ppcodes/tests/O_sr_v4.out new file mode 100644 index 00000000..04ef600c --- /dev/null +++ b/pseudo_dojo/ppcodes/tests/O_sr_v4.out @@ -0,0 +1,14749 @@ +ONCVPSP (Optimized Norm-Conservinng Vanderbilt PSeudopotential) +scalar-relativistic version 4.0.1 03/01/2019 + + +While it is not required under the terms of the GNU GPL, it is +suggested that you cite D. R. Hamann, Phys. Rev. B 88, 085117 (2013) +in any publication utilizing these pseudopotentials. + + +LXC Exchange +LXC Becke 88 (GGA) +LXC [1] A. D. Becke, Phys. Rev. A 38, 3098 (1988) +LXC Correlation +LXC Lee, Yang & Parr (GGA) +LXC [1] C. Lee, W. Yang, and R. G. Parr, Phys. Rev. B 37, 785 (1988) +LXC [2] B. Miehlich, A. Savin, H. Stoll, and H. Preuss, Chem. Phys. Lett. 157, 200 (1989) + +# ATOM AND REFERENCE CONFIGURATION +# atsym z nc nv iexc psfile + O 8.00 1 2 -106131 both +# +# n l f energy (Ha) + 1 0 2.00 -1.8942298E+01 + 2 0 2.00 -8.7578213E-01 + 2 1 4.00 -3.3160473E-01 +# +# PSEUDOPOTENTIAL AND OPTIMIZATION +# lmax + 2 +# +# l, rc, ep, ncon, nbas, qcut + 0 1.35000 0.00000 4 8 8.40000 + 1 1.45000 0.00000 4 8 9.30000 + 2 1.25000 0.10000 4 8 6.00000 +# +# LOCAL POTENTIAL +# lloc, lpopt, rc(5), dvloc0 + 4 5 1.20000 0.00000 +# +# VANDERBILT-KLEINMAN-BYLANDER PROJECTORs +# l, nproj, debl + 0 2 1.00000 + 1 2 1.00000 + 2 1 1.00000 +# +# MODEL CORE CHARGE +# icmod, fcfact, rcfact + 3 4.00000 1.50000 +# +# LOG DERIVATIVE ANALYSIS +# epsh1, epsh2, depsh + -12.00 12.00 0.02 +# +# OUTPUT GRID +# rlmax, drl + 6.0000 0.0100 +# +# TEST CONFIGURATIONS +# ncnf + 0 +# nvcnf +# n l f + + +Reference configufation results + iterations 22 + all-electron total energy (Ha) -7.50804512D+01 + +Begin loop to construct optimized pseudo wave functions +and semi-local pseudopoentials for all angular momenta + + Wellstate for l = 0 n = 3 + eigenvalue = 0.1242 + asymptotic potential = 0.6242 + half-point radius = 6.3193 + +Calculating optimized projector # 1 + + for l= 0 + + Constraint consistency test + pswf0 val/der aewf val/der diff + 0.55854932 0.55854932 1.37D-12 + -0.86718159 -0.86718159 3.28D-14 + 1.20167808 1.20167808 2.03D-13 + -0.79689317 -0.79689317 4.16D-12 + + Fraction of norm inside rc 0.715898 + Optimizing pswf for qcut= 8.39 a_B^-1, ecut= 35.22 Ha + q_infinity defining residual KE= 25.64 (E_inf= 328.7 Ha) + Residual kinetic energy error= 2.67D-06 Ha + + Total kinetic energy consistency test + Fourier integration compared to d^2/dr^2 integral + Fourier 0.76289165 r-space= 0.76289168 ratio= 0.99999997 + Potential consistency test at r_c + "vpsp"= -0.94801979 vae= -0.94805301 difference= -3.32D-05 + + Energy error per electron Cutoff + Ha eV Ha + 0.01000 0.27211 12.17 + 0.00100 0.02721 21.67 + 0.00010 0.00272 27.75 + 0.00001 0.00027 32.41 + +Calculating optimized projector # 2 + + for l= 0 + + Constraint consistency test + pswf0 val/der aewf val/der diff + -0.04537864 -0.04537864 1.08D-13 + 0.42794484 0.42794484 3.16D-15 + -0.53553742 -0.53553742 7.67D-14 + 0.19565638 0.19565638 2.00D-12 + -0.18258652 -0.18258652 2.78D-17 + + Fraction of norm inside rc 0.049863 + Optimizing pswf for qcut= 8.39 a_B^-1, ecut= 35.22 Ha + q_infinity defining residual KE= 30.26 (E_inf= 457.8 Ha) + Residual kinetic energy error= 6.70D-07 Ha + + Total kinetic energy consistency test + Fourier integration compared to d^2/dr^2 integral + Fourier 0.27169619 r-space= 0.27169657 ratio= 0.99999858 + Potential consistency test at r_c + "vpsp"= -0.94788098 vae= -0.94805301 difference= -1.72D-04 + + Energy error per electron Cutoff + Ha eV Ha + 0.01000 0.27211 3.51 + 0.00100 0.02721 15.20 + 0.00010 0.00272 23.83 + 0.00001 0.00027 29.66 + + Wellstate for l = 1 n = 3 + eigenvalue = 0.6684 + asymptotic potential = 1.1684 + half-point radius = 3.4181 + +Calculating optimized projector # 1 + + for l= 1 + + Constraint consistency test + pswf0 val/der aewf val/der diff + 0.45511317 0.45511317 9.20D-13 + -0.58422663 -0.58422663 -2.43D-14 + 0.80583142 0.80583142 2.39D-13 + -1.09475337 -1.09475337 1.81D-12 + + Fraction of norm inside rc 0.685301 + Optimizing pswf for qcut= 9.31 a_B^-1, ecut= 43.35 Ha + q_infinity defining residual KE= 25.92 (E_inf= 335.9 Ha) + Residual kinetic energy error= 2.22D-06 Ha + + Total kinetic energy consistency test + Fourier integration compared to d^2/dr^2 integral + Fourier 2.22897312 r-space= 2.22897312 ratio= 1.00000000 + Potential consistency test at r_c + "vpsp"= -0.80328869 vae= -0.80330460 difference= -1.59D-05 + + Energy error per electron Cutoff + Ha eV Ha + 0.01000 0.27211 23.77 + 0.00100 0.02721 30.69 + 0.00010 0.00272 36.15 + 0.00001 0.00027 40.33 + +Calculating optimized projector # 2 + + for l= 1 + + Constraint consistency test + pswf0 val/der aewf val/der diff + 0.02731493 0.02731493 4.60D-14 + 0.55950035 0.55950035 6.33D-15 + -0.82461776 -0.82461776 -8.40D-14 + 0.58223422 0.58223422 -6.21D-13 + -0.28563808 -0.28563808 1.11D-16 + + Fraction of norm inside rc 0.143696 + Optimizing pswf for qcut= 9.31 a_B^-1, ecut= 43.35 Ha + q_infinity defining residual KE= 30.24 (E_inf= 457.2 Ha) + Residual kinetic energy error= 3.50D-06 Ha + + Total kinetic energy consistency test + Fourier integration compared to d^2/dr^2 integral + Fourier 1.24043119 r-space= 1.24043119 ratio= 1.00000000 + Potential consistency test at r_c + "vpsp"= -0.80371079 vae= -0.80330460 difference= 4.06D-04 + + Energy error per electron Cutoff + Ha eV Ha + 0.01000 0.27211 22.49 + 0.00100 0.02721 30.35 + 0.00010 0.00272 36.39 + 0.00001 0.00027 41.55 + + Wellstate for l = 2 n = 3 + eigenvalue = 0.1000 + asymptotic potential = 0.6000 + half-point radius = 19.3698 + +Calculating optimized projector # 1 + + for l= 2 + + Constraint consistency test + pswf0 val/der aewf val/der diff + 0.01676268 0.01676268 1.07D-13 + 0.01402519 0.01402519 -7.04D-16 + 0.00047631 0.00047631 8.23D-15 + 0.00293894 0.00293894 2.12D-13 + + Fraction of norm inside rc 0.000107 + Optimizing pswf for qcut= 5.99 a_B^-1, ecut= 17.95 Ha + q_infinity defining residual KE= 32.22 (E_inf= 519.1 Ha) + Residual kinetic energy error= 6.27D-07 Ha + + Total kinetic energy consistency test + Fourier integration compared to d^2/dr^2 integral + Fourier 0.08998887 r-space= 0.08998888 ratio= 0.99999996 + Potential consistency test at r_c + "vpsp"= -1.13322073 vae= -1.13315722 difference= 6.35D-05 + + Energy error per electron Cutoff + Ha eV Ha + 0.01000 0.27211 0.23 + 0.00100 0.02721 0.56 + 0.00010 0.00272 2.29 + 0.00001 0.00027 7.90 + +Construct Vanderbilt / Kleinmman-Bylander projectors + +B matrix Hermiticity error, ll= 0 + 1 2 3.3492E-05 + + Orthonormal projector coefficients 5.9328E+00 7.8809E-01 + +B matrix Hermiticity error, ll= 1 + 1 2 4.9076E-05 + + Orthonormal projector coefficients -4.7301E+00 -1.1193E+00 + +Model core correction analysis + based on d2Exc/dn_idn_j + +d2excae - all-electron derivatives + + -5.181046D-02 -4.414096D-02 + -4.414252D-02 -4.198535D-02 + +d2excps - pseudofunction derivatives with no core correction + + -5.165873D-02 -4.649486D-02 + -4.649625D-02 -4.419868D-02 + +rms 2nd derivative error 2.000171E-03 + +rmatch, rhocmatch 0.3828 10.7526 + +Teter function model core charge with specified parameters + + +d2excps - pseudofunction derivatives with core correction + + -4.902811D-02 -4.550492D-02 + -4.550571D-02 -4.359302D-02 + +rms 2nd derivative error 1.873816E-03 + +Pseudoatom total energy -15.790069 + + +Diagnostic tests using Vanderbilt-Kleinman-Bylander pseudopotentials + 1 or more projectors used as specified by nproj input data + + l rcore rmatch e in delta e norm test slope test + + 0 1.3524621 1.3935258 -0.8757821 -0.0000035 1.0000457 1.0000551 + 0 1.3524621 1.3935258 0.1242179 0.0000014 1.0001127 1.0001127 + + 1 1.4531180 1.4972378 -0.3316047 -0.0000028 1.0000384 1.0000485 + 1 1.4531180 1.4972378 0.6683953 -0.0000000 1.0001011 1.0001011 + + 2 1.2512710 1.2892623 0.1000000 0.0000158 1.0000011 1.0000011 + + Testing for bound ghosts + n l E NL Schr. Eq E Basis Diag. E Cutoff + + 1 0 -0.875786 -0.874335 143.23 + + 2 1 -0.331608 -0.326783 143.06 + + + Testing for highly-localized positive-energy ghosts + l /rc E Basis Diag. E Cutoff + +Test configuration 0 + + n l f eae eps diff + 1 0 2.0000 -18.94229817 + 2 0 2.0000 -0.87578213 -0.87578566 -3.53D-06 + 2 1 4.0000 -0.33160473 -0.33160757 -2.84D-06 + + Total energies and differences + AE_ref= -7.50804512D+01 AE_tst= -7.50804512D+01 dif= 0.00D+00 + PS_ref= -1.57900687D+01 PS_tst= -1.57900687D+01 dif= -7.11D-15 + PSP excitation error= 7.11D-15 + +DATA FOR PLOTTING + + radii, charge, pseudopotentials (ll=0, 1, lmax) + +!p 0.0099582 3.7466080 -4.6445128 -15.3234007 20.9698547 +!p 0.0200515 3.7727866 -4.6508795 -15.3218848 20.7492562 +!p 0.0301168 3.8162815 -4.6614199 -15.3192935 20.3849492 +!p 0.0401340 3.8765889 -4.6759702 -15.3155633 19.8843423 +!p 0.0503774 3.9555007 -4.6949217 -15.3104654 19.2371241 +!p 0.0606419 4.0516508 -4.7179182 -15.3039572 18.4603042 +!p 0.0708469 4.1636865 -4.7446306 -15.2960054 17.5711551 +!p 0.0812969 4.2947972 -4.7758334 -15.2862432 16.5520394 +!p 0.0916292 4.4400375 -4.8103850 -15.2748993 15.4494292 +!p 0.1020463 4.6014022 -4.8488152 -15.2616825 14.2560495 +!p 0.1122962 4.7739745 -4.8900215 -15.2468628 13.0156627 +!p 0.1228386 4.9648105 -4.9357754 -15.2296701 11.6859785 +!p 0.1335693 5.1718895 -4.9857051 -15.2100647 10.2915479 +!p 0.1443711 5.3922587 -5.0392229 -15.1881062 8.8613290 +!p 0.1551158 5.6221050 -5.0955261 -15.1639727 7.4268226 +!p 0.1656662 5.8568993 -5.1536138 -15.1379752 6.0199704 +!p 0.1758789 6.0916035 -5.2123186 -15.1105659 4.6711094 +!p 0.1867211 6.3474780 -5.2771178 -15.0789716 3.2642528 +!p 0.1970495 6.5963948 -5.3410287 -15.0464076 1.9577817 +!p 0.2079491 6.8631883 -5.4105746 -15.0093471 0.6239248 +!p 0.2181429 7.1152740 -5.4773701 -14.9721046 -0.5745052 +!p 0.2288363 7.3810837 -5.5490491 -14.9302721 -1.7741431 +!p 0.2400539 7.6599905 -5.6257702 -14.8832561 -2.9631359 +!p 0.2503194 7.9140144 -5.6971295 -14.8373379 -3.9844126 +!p 0.2610240 8.1763995 -5.7724814 -14.7864307 -4.9777895 +!p 0.2721863 8.4459479 -5.8518274 -14.7299706 -5.9329750 +!p 0.2838260 8.7211490 -5.9351194 -14.6673305 -6.8391644 +!p 0.2941982 8.9601378 -6.0095732 -14.6081948 -7.5684585 +!p 0.3049495 9.2005341 -6.0867391 -14.5435276 -8.2464746 +!p 0.3160937 9.4407337 -6.1664649 -14.4728048 -8.8661860 +!p 0.3276451 9.6789061 -6.2485491 -14.3954580 -9.4207917 +!p 0.3396187 9.9129869 -6.3327347 -14.3108715 -9.9039053 +!p 0.3499302 10.1032759 -6.4042667 -14.2343745 -10.2477146 +!p 0.3605549 10.2876740 -6.4768176 -14.1519781 -10.5350007 +!p 0.3715021 10.4646157 -6.5501308 -14.0632463 -10.7634426 +!p 0.3827817 10.6324320 -6.6239109 -13.9677174 -10.9313925 +!p 0.3944038 10.7893593 -6.6978206 -13.8649042 -11.0380117 +!p 0.4063787 10.9335514 -6.7714768 -13.7542934 -11.0834137 +!p 0.4187173 11.0630957 -6.8444481 -13.6353457 -11.0688073 +!p 0.4288573 11.1548687 -6.9020094 -13.5338064 -11.0155117 +!p 0.4392429 11.2349981 -6.9585526 -13.4262705 -10.9272147 +!p 0.4498800 11.3024679 -7.0137837 -13.3124296 -10.8063696 +!p 0.4607747 11.3562719 -7.0673871 -13.1919682 -10.6560351 +!p 0.4719332 11.3954241 -7.1190265 -13.0645669 -10.4798797 +!p 0.4833619 11.4189717 -7.1683478 -12.9299063 -10.2821674 +!p 0.4950674 11.4260076 -7.2149827 -12.7876727 -10.0677190 +!p 0.5070564 11.4156846 -7.2585542 -12.6375651 -9.8418461 +!p 0.5193357 11.3872294 -7.2986840 -12.4793045 -9.6102517 +!p 0.5319124 11.3399580 -7.3350003 -12.3126444 -9.3788966 +!p 0.5447937 11.2732904 -7.3671481 -12.1373823 -9.1538287 +!p 0.5579869 11.1867656 -7.3947974 -11.9533712 -8.9409759 +!p 0.5680910 11.1086380 -7.4124029 -11.8095705 -8.7927233 +!p 0.5783781 11.0190685 -7.4272006 -11.6607960 -8.6566190 +!p 0.5888515 10.9180219 -7.4390939 -11.5070673 -8.5345321 +!p 0.5995146 10.8055148 -7.4480001 -11.3484309 -8.4280025 +!p 0.6103707 10.6816185 -7.4538498 -11.1849607 -8.3381762 +!p 0.6214234 10.5464605 -7.4565860 -11.0167574 -8.2657456 +!p 0.6326763 10.4002260 -7.4561623 -10.8439485 -8.2108979 +!p 0.6441329 10.2431591 -7.4525407 -10.6666871 -8.1732732 +!p 0.6557970 10.0755630 -7.4456892 -10.4851506 -8.1519382 +!p 0.6676723 9.8978000 -7.4355796 -10.2995395 -8.1453753 +!p 0.6797627 9.7102904 -7.4221844 -10.1100765 -8.1514914 +!p 0.6920720 9.5135114 -7.4054749 -9.9170060 -8.1676482 +!p 0.7046042 9.3079944 -7.3854195 -9.7205934 -8.1907138 +!p 0.7173633 9.0943228 -7.3619819 -9.5211259 -8.2171382 +!p 0.7303535 8.8731279 -7.3351208 -9.3189132 -8.2430508 +!p 0.7435789 8.6450849 -7.3047888 -9.1142889 -8.2643781 +!p 0.7570438 8.4109081 -7.2709335 -8.9076127 -8.2769812 +!p 0.7707525 8.1713455 -7.2334973 -8.6992729 -8.2768085 +!p 0.7847094 7.9271726 -7.1924192 -8.4896885 -8.2600596 +!p 0.7989191 7.6791865 -7.1476355 -8.2793122 -8.2233561 +!p 0.8133861 7.4281988 -7.0990817 -8.0686330 -8.1639116 +!p 0.8281151 7.1750287 -7.0466939 -7.8581778 -8.0796958 +!p 0.8431108 6.9204959 -6.9904107 -7.6485131 -7.9695823 +!p 0.8532584 6.7504524 -6.9506958 -7.5094739 -7.8816914 +!p 0.8635283 6.5804027 -6.9092084 -7.3712445 -7.7824666 +!p 0.8739217 6.4105809 -6.8659341 -7.2340223 -7.6723789 +!p 0.8844402 6.2412169 -6.8208605 -7.0980117 -7.5521291 +!p 0.8950853 6.0725348 -6.7739767 -6.9634242 -7.4226439 +!p 0.9058586 5.9047528 -6.7252745 -6.8304774 -7.2850668 +!p 0.9167615 5.7380820 -6.6747480 -6.6993943 -7.1407417 +!p 0.9277956 5.5727258 -6.6223943 -6.5704022 -6.9911905 +!p 0.9389626 5.4088793 -6.5682137 -6.4437319 -6.8380831 +!p 0.9502639 5.2467287 -6.5122105 -6.3196157 -6.6832006 +!p 0.9617013 5.0864504 -6.4543934 -6.1982865 -6.5283925 +!p 0.9732764 4.9282109 -6.3947762 -6.0799755 -6.3755271 +!p 0.9849907 4.7721665 -6.3333780 -5.9649102 -6.2264388 +!p 0.9968461 4.6184622 -6.2702251 -5.8533125 -6.0828706 +!p 1.0088441 4.4672323 -6.2053506 -5.7453959 -5.9464166 +!p 1.0209865 4.3185996 -6.1387965 -5.6413630 -5.8184651 +!p 1.0332751 4.1726756 -6.0706141 -5.5414024 -5.7001457 +!p 1.0457116 4.0295600 -6.0008657 -5.4456858 -5.5922816 +!p 1.0582978 3.8893412 -5.9296255 -5.3543648 -5.4953524 +!p 1.0710355 3.7520959 -5.8569810 -5.2675671 -5.4094679 +!p 1.0839265 3.6178895 -5.7830349 -5.1853938 -5.3343551 +!p 1.0969726 3.4867762 -5.7079059 -5.1079150 -5.2693627 +!p 1.1101758 3.3587992 -5.6317305 -5.0351672 -5.2134805 +!p 1.1235379 3.2339911 -5.5546645 -4.9671491 -5.1653783 +!p 1.1370608 3.1123739 -5.4768841 -4.9038189 -5.1234597 +!p 1.1507464 2.9939600 -5.3985871 -4.8450912 -5.0859330 +!p 1.1645968 2.8787520 -5.3199940 -4.7908340 -5.0508939 +!p 1.1786139 2.7667437 -5.2413484 -4.7408671 -5.0164188 +!p 1.1927997 2.6579203 -5.1629176 -4.6949599 -4.9806636 +!p 1.2071562 2.5522591 -5.0849921 -4.6528308 -4.9419637 +!p 1.2216856 2.4497301 -5.0078851 -4.6141466 -4.8989291 +!p 1.2363898 2.3502967 -4.9319312 -4.5785235 -4.8505314 +!p 1.2512710 2.2539163 -4.8574843 -4.5455288 -4.7961737 +!p 1.2663313 2.1605412 -4.7849145 -4.5146834 -4.7390248 +!p 1.2815728 2.0701188 -4.7146050 -4.4854660 -4.6825954 +!p 1.2969978 1.9825930 -4.6469473 -4.4573187 -4.6268190 +!p 1.3126085 1.8979044 -4.5823359 -4.4296531 -4.5716930 +!p 1.3284070 1.8159916 -4.5211620 -4.4018593 -4.5172153 +!p 1.3443958 1.7367914 -4.4638071 -4.3733154 -4.4633837 +!p 1.3605769 1.6602397 -4.4101973 -4.3433999 -4.4101973 +!p 1.3769528 1.5862729 -4.3576587 -4.3115076 -4.3576587 +!p 1.3935258 1.5148294 -4.3057638 -4.2770542 -4.3057638 +!p 1.4102983 1.4458511 -4.2545060 -4.2394975 -4.2545060 +!p 1.4272726 1.3792832 -4.2038770 -4.1983560 -4.2038770 +!p 1.4444513 1.3150746 -4.1538667 -4.1532295 -4.1538667 +!p 1.4618367 1.2531780 -4.1044622 -4.1044622 -4.1044622 +!p 1.4794314 1.1935483 -4.0556469 -4.0556469 -4.0556469 +!p 1.4972378 1.1361404 -4.0074124 -4.0074124 -4.0074124 +!p 1.5152586 1.0809076 -3.9597518 -3.9597518 -3.9597518 +!p 1.5334962 1.0278022 -3.9126584 -3.9126584 -3.9126584 +!p 1.5519534 0.9767755 -3.8661252 -3.8661252 -3.8661252 +!p 1.5706327 0.9277779 -3.8201455 -3.8201455 -3.8201455 +!p 1.5895368 0.8807591 -3.7747126 -3.7747126 -3.7747126 +!p 1.6086685 0.8356683 -3.7298199 -3.7298199 -3.7298199 +!p 1.6280304 0.7924543 -3.6854609 -3.6854609 -3.6854609 +!p 1.6476254 0.7510655 -3.6416294 -3.6416294 -3.6416294 +!p 1.6674562 0.7114501 -3.5983191 -3.5983191 -3.5983191 +!p 1.6774609 0.6922913 -3.5768575 -3.5768575 -3.5768575 +!p 1.6875257 0.6735563 -3.5555239 -3.5555239 -3.5555239 +!p 1.6976509 0.6552389 -3.5343176 -3.5343176 -3.5343176 +!p 1.7078368 0.6373325 -3.5132377 -3.5132377 -3.5132377 +!p 1.7180838 0.6198306 -3.4922839 -3.4922839 -3.4922839 +!p 1.7283923 0.6027269 -3.4714555 -3.4714555 -3.4714555 +!p 1.7387627 0.5860149 -3.4507509 -3.4507509 -3.4507509 +!p 1.7491952 0.5696883 -3.4301696 -3.4301696 -3.4301696 +!p 1.7596904 0.5537406 -3.4097110 -3.4097110 -3.4097110 +!p 1.7702485 0.5381655 -3.3893745 -3.3893745 -3.3893745 +!p 1.7808700 0.5229568 -3.3691593 -3.3691593 -3.3691593 +!p 1.7915553 0.5081081 -3.3490647 -3.3490647 -3.3490647 +!p 1.8023046 0.4936132 -3.3290899 -3.3290899 -3.3290899 +!p 1.8131184 0.4794659 -3.3092342 -3.3092342 -3.3092342 +!p 1.8239971 0.4656601 -3.2894970 -3.2894970 -3.2894970 +!p 1.8349411 0.4521895 -3.2698775 -3.2698775 -3.2698775 +!p 1.8459508 0.4390481 -3.2503750 -3.2503750 -3.2503750 +!p 1.8570265 0.4262299 -3.2309888 -3.2309888 -3.2309888 +!p 1.8681686 0.4137289 -3.2117183 -3.2117183 -3.2117183 +!p 1.8793776 0.4015392 -3.1925627 -3.1925627 -3.1925627 +!p 1.8906539 0.3896548 -3.1735214 -3.1735214 -3.1735214 +!p 1.9019978 0.3780699 -3.1545936 -3.1545936 -3.1545936 +!p 1.9134098 0.3667787 -3.1357787 -3.1357787 -3.1357787 +!p 1.9248903 0.3557755 -3.1170760 -3.1170760 -3.1170760 +!p 1.9364396 0.3450546 -3.0984849 -3.0984849 -3.0984849 +!p 1.9480582 0.3346103 -3.0800047 -3.0800047 -3.0800047 +!p 1.9597466 0.3244373 -3.0616347 -3.0616347 -3.0616347 +!p 1.9715051 0.3145298 -3.0433743 -3.0433743 -3.0433743 +!p 1.9833341 0.3048825 -3.0252227 -3.0252227 -3.0252227 +!p 1.9952341 0.2954901 -3.0071795 -3.0071795 -3.0071795 +!p 2.0072055 0.2863471 -2.9892438 -2.9892438 -2.9892438 +!p 2.0192487 0.2774484 -2.9714152 -2.9714152 -2.9714152 +!p 2.0313642 0.2687887 -2.9536928 -2.9536928 -2.9536928 +!p 2.0435524 0.2603630 -2.9360762 -2.9360762 -2.9360762 +!p 2.0558137 0.2521662 -2.9185646 -2.9185646 -2.9185646 +!p 2.0681486 0.2441933 -2.9011575 -2.9011575 -2.9011575 +!p 2.0805575 0.2364394 -2.8838542 -2.8838542 -2.8838542 +!p 2.0930409 0.2288996 -2.8666542 -2.8666542 -2.8666542 +!p 2.1055991 0.2215691 -2.8495567 -2.8495567 -2.8495567 +!p 2.1182327 0.2144433 -2.8325611 -2.8325611 -2.8325611 +!p 2.1309421 0.2075174 -2.8156670 -2.8156670 -2.8156670 +!p 2.1437277 0.2007870 -2.7988736 -2.7988736 -2.7988736 +!p 2.1565901 0.1942475 -2.7821804 -2.7821804 -2.7821804 +!p 2.1695296 0.1878944 -2.7655867 -2.7655867 -2.7655867 +!p 2.1825468 0.1817235 -2.7490920 -2.7490920 -2.7490920 +!p 2.1956421 0.1757303 -2.7326957 -2.7326957 -2.7326957 +!p 2.2088160 0.1699107 -2.7163972 -2.7163972 -2.7163972 +!p 2.2220689 0.1642605 -2.7001959 -2.7001959 -2.7001959 +!p 2.2354013 0.1587756 -2.6840912 -2.6840912 -2.6840912 +!p 2.2488137 0.1534520 -2.6680826 -2.6680826 -2.6680826 +!p 2.2623066 0.1482858 -2.6521694 -2.6521694 -2.6521694 +!p 2.2758804 0.1432730 -2.6363512 -2.6363512 -2.6363512 +!p 2.2895357 0.1384099 -2.6206273 -2.6206273 -2.6206273 +!p 2.3032729 0.1336927 -2.6049972 -2.6049972 -2.6049972 +!p 2.3170925 0.1291177 -2.5894603 -2.5894603 -2.5894603 +!p 2.3309951 0.1246814 -2.5740161 -2.5740161 -2.5740161 +!p 2.3449811 0.1203801 -2.5586640 -2.5586640 -2.5586640 +!p 2.3590509 0.1162104 -2.5434035 -2.5434035 -2.5434035 +!p 2.3732052 0.1121689 -2.5282340 -2.5282340 -2.5282340 +!p 2.3874445 0.1082523 -2.5131549 -2.5131549 -2.5131549 +!p 2.4017691 0.1044572 -2.4981658 -2.4981658 -2.4981658 +!p 2.4161798 0.1007805 -2.4832661 -2.4832661 -2.4832661 + !L 0.0099582 -10.0124145 + !L 0.0200515 -10.0127081 + !L 0.0301168 -10.0131360 + !L 0.0401340 -10.0136186 + !L 0.0503774 -10.0140804 + !L 0.0606419 -10.0144203 + !L 0.0708469 -10.0145525 + !L 0.0812969 -10.0143974 + !L 0.0916292 -10.0138862 + !L 0.1020463 -10.0129475 + !L 0.1122962 -10.0115528 + !L 0.1228386 -10.0095754 + !L 0.1335693 -10.0069412 + !L 0.1443711 -10.0035992 + !L 0.1551158 -9.9995310 + !L 0.1656662 -9.9947593 + !L 0.1758789 -9.9893552 + !L 0.1867211 -9.9827162 + !L 0.1970495 -9.9754735 + !L 0.2079491 -9.9667985 + !L 0.2181429 -9.9576714 + !L 0.2288363 -9.9469854 + !L 0.2400539 -9.9344870 + !L 0.2503194 -9.9218351 + !L 0.2610240 -9.9073471 + !L 0.2721863 -9.8907688 + !L 0.2838260 -9.8718129 + !L 0.2941982 -9.8534287 + !L 0.3049495 -9.8328348 + !L 0.3160937 -9.8097824 + !L 0.3276451 -9.7839993 + !L 0.3396187 -9.7551879 + !L 0.3499302 -9.7286325 + !L 0.3605549 -9.6995480 + !L 0.3715021 -9.6677187 + !L 0.3827817 -9.6329144 + !L 0.3944038 -9.5948894 + !L 0.4063787 -9.5533821 + !L 0.4187173 -9.5081137 + !L 0.4288573 -9.4689921 + !L 0.4392429 -9.4271135 + !L 0.4498800 -9.3823106 + !L 0.4607747 -9.3344097 + !L 0.4719332 -9.2832326 + !L 0.4833619 -9.2285990 + !L 0.4950674 -9.1703306 + !L 0.5070564 -9.1082563 + !L 0.5193357 -9.0422192 + !L 0.5319124 -8.9720843 + !L 0.5447937 -8.8977473 + !L 0.5579869 -8.8191428 + !L 0.5680910 -8.7573754 + !L 0.5783781 -8.6932062 + !L 0.5888515 -8.6266624 + !L 0.5995146 -8.5577878 + !L 0.6103707 -8.4866419 + !L 0.6214234 -8.4132983 + !L 0.6326763 -8.3378425 + !L 0.6441329 -8.2603694 + !L 0.6557970 -8.1809806 + !L 0.6676723 -8.0997809 + !L 0.6797627 -8.0168761 + !L 0.6920720 -7.9323699 + !L 0.7046042 -7.8463617 + !L 0.7173633 -7.7589457 + !L 0.7303535 -7.6702088 + !L 0.7435789 -7.5802310 + !L 0.7570438 -7.4890856 + !L 0.7707525 -7.3968394 + !L 0.7847094 -7.3035547 + !L 0.7989191 -7.2092902 + !L 0.8133861 -7.1141033 + !L 0.8281151 -7.0180517 + !L 0.8431108 -6.9211956 + !L 0.8532584 -6.8562096 + !L 0.8635283 -6.7909151 + !L 0.8739217 -6.7253340 + !L 0.8844402 -6.6594899 + !L 0.8950853 -6.5934079 + !L 0.9058586 -6.5271150 + !L 0.9167615 -6.4606404 + !L 0.9277956 -6.3940149 + !L 0.9389626 -6.3272717 + !L 0.9502639 -6.2604458 + !L 0.9617013 -6.1935743 + !L 0.9732764 -6.1266963 + !L 0.9849907 -6.0598524 + !L 0.9968461 -5.9930852 + !L 1.0088441 -5.9264385 + !L 1.0209865 -5.8599574 + !L 1.0332751 -5.7936880 + !L 1.0457116 -5.7276767 + !L 1.0582978 -5.6619703 + !L 1.0710355 -5.5966153 + !L 1.0839265 -5.5316576 + !L 1.0969726 -5.4671417 + !L 1.1101758 -5.4031102 + !L 1.1235379 -5.3396035 + !L 1.1370608 -5.2766587 + !L 1.1507464 -5.2143088 + !L 1.1645968 -5.1525824 + !L 1.1786139 -5.0915022 + !L 1.1927997 -5.0310845 + !L 1.2071562 -4.9713379 + !L 1.2216856 -4.9122628 + !L 1.2363898 -4.8538549 + !L 1.2512710 -4.7961102 + !L 1.2663313 -4.7390248 + !L 1.2815728 -4.6825954 + !L 1.2969978 -4.6268190 + !L 1.3126085 -4.5716930 + !L 1.3284070 -4.5172153 + !L 1.3443958 -4.4633837 + !L 1.3605769 -4.4101973 + !L 1.3769528 -4.3576587 + !L 1.3935258 -4.3057638 + !L 1.4102983 -4.2545060 + !L 1.4272726 -4.2038770 + !L 1.4444513 -4.1538667 + !L 1.4618367 -4.1044622 + !L 1.4794314 -4.0556469 + !L 1.4972378 -4.0074124 + !L 1.5152586 -3.9597518 + !L 1.5334962 -3.9126584 + !L 1.5519534 -3.8661252 + !L 1.5706327 -3.8201455 + !L 1.5895368 -3.7747126 + !L 1.6086685 -3.7298199 + !L 1.6280304 -3.6854609 + !L 1.6476254 -3.6416294 + !L 1.6674562 -3.5983191 + !L 1.6774609 -3.5768575 + !L 1.6875257 -3.5555239 + !L 1.6976509 -3.5343176 + !L 1.7078368 -3.5132377 + !L 1.7180838 -3.4922839 + !L 1.7283923 -3.4714555 + !L 1.7387627 -3.4507509 + !L 1.7491952 -3.4301696 + !L 1.7596904 -3.4097110 + !L 1.7702485 -3.3893745 + !L 1.7808700 -3.3691593 + !L 1.7915553 -3.3490647 + !L 1.8023046 -3.3290899 + !L 1.8131184 -3.3092342 + !L 1.8239971 -3.2894970 + !L 1.8349411 -3.2698775 + !L 1.8459508 -3.2503750 + !L 1.8570265 -3.2309888 + !L 1.8681686 -3.2117183 + !L 1.8793776 -3.1925627 + !L 1.8906539 -3.1735214 + !L 1.9019978 -3.1545936 + !L 1.9134098 -3.1357787 + !L 1.9248903 -3.1170760 + !L 1.9364396 -3.0984849 + !L 1.9480582 -3.0800047 + !L 1.9597466 -3.0616347 + !L 1.9715051 -3.0433743 + !L 1.9833341 -3.0252227 + !L 1.9952341 -3.0071795 + !L 2.0072055 -2.9892438 + !L 2.0192487 -2.9714152 + !L 2.0313642 -2.9536928 + !L 2.0435524 -2.9360762 + !L 2.0558137 -2.9185646 + !L 2.0681486 -2.9011575 + !L 2.0805575 -2.8838542 + !L 2.0930409 -2.8666542 + !L 2.1055991 -2.8495567 + !L 2.1182327 -2.8325611 + !L 2.1309421 -2.8156670 + !L 2.1437277 -2.7988736 + !L 2.1565901 -2.7821804 + !L 2.1695296 -2.7655867 + !L 2.1825468 -2.7490920 + !L 2.1956421 -2.7326957 + !L 2.2088160 -2.7163972 + !L 2.2220689 -2.7001959 + !L 2.2354013 -2.6840912 + !L 2.2488137 -2.6680826 + !L 2.2623066 -2.6521694 + !L 2.2758804 -2.6363512 + !L 2.2895357 -2.6206273 + !L 2.3032729 -2.6049972 + !L 2.3170925 -2.5894603 + !L 2.3309951 -2.5740161 + !L 2.3449811 -2.5586640 + !L 2.3590509 -2.5434035 + !L 2.3732052 -2.5282340 + !L 2.3874445 -2.5131549 + !L 2.4017691 -2.4981658 + !L 2.4161798 -2.4832661 + + + radii, charge, core charge, model core charge + +!r 0.0200515 3.7727866 57.1300382 42.8450736 +!r 0.0301168 3.8162815 57.1300382 42.6381494 +!r 0.0401340 3.8765889 57.1300382 42.3513403 +!r 0.0503774 3.9555007 57.1300382 41.9762265 +!r 0.0606419 4.0516508 57.1300382 41.5194311 +!r 0.0708469 4.1636865 57.1300382 40.9875233 +!r 0.0812969 4.2947972 57.1300382 40.3655334 +!r 0.0916292 4.4400375 57.1300382 39.6771012 +!r 0.1020463 4.6014022 57.1300382 38.9129435 +!r 0.1122962 4.7739745 57.1300382 38.0965005 +!r 0.1228386 4.9648105 57.1300382 37.1945565 +!r 0.1335693 5.1718895 57.1300382 36.2168563 +!r 0.1443711 5.3922587 57.1300382 35.1774780 +!r 0.1551158 5.6221050 57.1300382 34.0944632 +!r 0.1656662 5.8568993 57.1300382 32.9891114 +!r 0.1758789 6.0916035 57.1300382 31.8850037 +!r 0.1867211 6.3474780 57.1300382 30.6820123 +!r 0.1970495 6.5963948 57.1300382 29.5121711 +!r 0.2079491 6.8631883 57.1300382 28.2584352 +!r 0.2181429 7.1152740 57.1300382 27.0735281 +!r 0.2288363 7.3810837 57.1300382 25.8232970 +!r 0.2400539 7.6599905 57.1300382 24.5098702 +!r 0.2503194 7.9140144 57.1300382 23.3114496 +!r 0.2610240 8.1763995 57.1300382 22.0704866 +!r 0.2721863 8.4459479 55.2961775 20.7911679 +!r 0.2838260 8.7211490 46.4703337 19.4787099 +!r 0.2941982 8.9601378 39.8127913 18.3321166 +!r 0.3049495 9.2005341 33.9276229 17.1704102 +!r 0.3160937 9.4407337 28.7534341 15.9988190 +!r 0.3276451 9.6789061 24.2298329 14.8231629 +!r 0.3396187 9.9129869 20.2979347 13.6498207 +!r 0.3499302 10.1032759 17.4322152 12.6787555 +!r 0.3605549 10.2876740 14.9061330 11.7182830 +!r 0.3715021 10.4646157 12.6892738 10.7727811 +!r 0.3827817 10.6324320 10.7526259 9.8467411 +!r 0.3944038 10.7893593 9.0686768 8.9447082 +!r 0.4063787 10.9335514 7.6114883 8.0712116 +!r 0.4187173 11.0630957 6.3567499 7.2306866 +!r 0.4288573 11.1548687 5.4834462 6.5848744 +!r 0.4392429 11.2349981 4.7143577 5.9649516 +!r 0.4498800 11.3024679 4.0393455 5.3728347 +!r 0.4607747 11.3562719 3.4489524 4.8102667 +!r 0.4719332 11.3954241 2.9343929 4.2787859 +!r 0.4833619 11.4189717 2.4875407 3.7796954 +!r 0.4950674 11.4260076 2.1009118 3.3140355 +!r 0.5070564 11.4156846 1.7676434 2.8825579 +!r 0.5193357 11.3872294 1.4814703 2.4857049 +!r 0.5319124 11.3399580 1.2366982 2.1235926 +!r 0.5447937 11.2732904 1.0281746 1.7960005 +!r 0.5579869 11.1867656 0.8512576 1.5023677 +!r 0.5680910 11.1086380 0.7367906 1.3039016 +!r 0.5783781 11.0190685 0.6361618 1.1235403 +!r 0.5888515 10.9180219 0.5479147 0.9606863 +!r 0.5995146 10.8055148 0.4707186 0.8146501 +!r 0.6103707 10.6816185 0.4033608 0.6846572 +!r 0.6214234 10.5464605 0.3447390 0.5698578 +!r 0.6326763 10.4002260 0.2938543 0.4693370 +!r 0.6441329 10.2431591 0.2498034 0.3821260 +!r 0.6557970 10.0755630 0.2117723 0.3072151 +!r 0.6676723 9.8978000 0.1790291 0.2435669 +!r 0.6797627 9.7102904 0.1509181 0.1901299 +!r 0.6920720 9.5135114 0.1268530 0.1458528 +!r 0.7046042 9.3079944 0.1063116 0.1096983 +!r 0.7173633 9.0943228 0.0888299 0.0806564 +!r 0.7303535 8.8731279 0.0739969 0.0577578 +!r 0.7435789 8.6450849 0.0614501 0.0400843 +!r 0.7570438 8.4109081 0.0508700 0.0267801 +!r 0.7707525 8.1713455 0.0419768 0.0170592 +!r 0.7847094 7.9271726 0.0345256 0.0102128 +!r 0.7989191 7.6791865 0.0283031 0.0056126 +!r 0.8133861 7.4281988 0.0231240 0.0027138 +!r 0.8281151 7.1750287 0.0188280 0.0010544 +!r 0.8431108 6.9204959 0.0152768 0.0002531 +!r 0.8532584 6.7504524 0.0132636 0.0000421 +!r 0.8635283 6.5804027 0.0114975 0.0000029 +!r 0.8739217 6.4105809 0.0099505 0.0000757 +!r 0.8844402 6.2412169 0.0085976 0.0002129 +!r 0.8950853 6.0725348 0.0074164 0.0003772 +!r 0.9058586 5.9047528 0.0063869 0.0005411 +!r 0.9167615 5.7380820 0.0054911 0.0006855 +!r 0.9277956 5.5727258 0.0047128 0.0007981 +!r 0.9389626 5.4088793 0.0040379 0.0008727 +!r 0.9502639 5.2467287 0.0034537 0.0009077 +!r 0.9617013 5.0864504 0.0029488 0.0009049 +!r 0.9732764 4.9282109 0.0025132 0.0008690 +!r 0.9849907 4.7721665 0.0021381 0.0008061 +!r 0.9968461 4.6184622 0.0018157 0.0007232 +!r 1.0088441 4.4672323 0.0015391 0.0006277 +!r 1.0209865 4.3185996 0.0013022 0.0005265 +!r 1.0332751 4.1726756 0.0010997 0.0004256 +!r 1.0457116 4.0295600 0.0009269 0.0003304 +!r 1.0582978 3.8893412 0.0007797 0.0002446 +!r 1.0710355 3.7520959 0.0006547 0.0001710 +!r 1.0839265 3.6178895 0.0005486 0.0001111 +!r 1.0969726 3.4867762 0.0004588 0.0000653 +!r 1.1101758 3.3587992 0.0003829 0.0000328 +!r 1.1235379 3.2339911 0.0003190 0.0000125 +!r 1.1370608 3.1123739 0.0002651 0.0000023 +!r 1.1507464 2.9939600 0.0002199 0.0000001 +!r 1.1645968 2.8787520 0.0001820 0.0000036 +!r 1.1786139 2.7667437 0.0001504 0.0000105 +!r 1.1927997 2.6579203 0.0001239 0.0000190 +!r 1.2071562 2.5522591 0.0001019 0.0000273 +!r 1.2216856 2.4497301 0.0000836 0.0000342 +!r 1.2363898 2.3502967 0.0000685 0.0000389 +!r 1.2512710 2.2539163 0.0000560 0.0000411 +!r 1.2663313 2.1605412 0.0000456 0.0000407 +!r 1.2815728 2.0701188 0.0000371 0.0000380 +!r 1.2969978 1.9825930 0.0000301 0.0000336 +!r 1.3126085 1.8979044 0.0000244 0.0000280 +!r 1.3284070 1.8159916 0.0000197 0.0000219 +!r 1.3443958 1.7367914 0.0000158 0.0000159 +!r 1.3605769 1.6602397 0.0000127 0.0000106 +!r 1.3769528 1.5862729 0.0000102 0.0000062 +!r 1.3935258 1.5148294 0.0000082 0.0000030 +!r 1.4102983 1.4458511 0.0000065 0.0000010 +!r 1.4272726 1.3792832 0.0000052 0.0000001 +!r 1.4444513 1.3150746 0.0000041 0.0000001 +!r 1.4618367 1.2531780 0.0000033 0.0000007 +!r 1.4794314 1.1935483 0.0000026 0.0000017 +!r 1.4972378 1.1361404 0.0000020 0.0000027 +!r 1.5152586 1.0809076 0.0000016 0.0000036 +!r 1.5334962 1.0278022 0.0000012 0.0000041 +!r 1.5519534 0.9767755 0.0000010 0.0000043 +!r 1.5706327 0.9277779 0.0000008 0.0000041 +!r 1.5895368 0.8807591 0.0000006 0.0000036 +!r 1.6086685 0.8356683 0.0000005 0.0000029 +!r 1.6280304 0.7924543 0.0000004 0.0000021 +!r 1.6476254 0.7510655 0.0000003 0.0000013 +!r 1.6674562 0.7114501 0.0000002 0.0000007 +!r 1.6774609 0.6922913 0.0000002 0.0000005 +!r 1.6875257 0.6735563 0.0000002 0.0000003 +!r 1.6976509 0.6552389 0.0000001 0.0000001 +!r 1.7078368 0.6373325 0.0000001 0.0000000 +!r 1.7180838 0.6198306 0.0000001 0.0000000 +!r 1.7283923 0.6027269 0.0000001 0.0000000 +!r 1.7387627 0.5860149 0.0000001 0.0000000 +!r 1.7491952 0.5696883 0.0000001 0.0000000 +!r 1.7596904 0.5537406 0.0000001 0.0000000 +!r 1.7702485 0.5381655 0.0000001 0.0000000 +!r 1.7808700 0.5229568 0.0000000 0.0000000 +!r 1.7915553 0.5081081 0.0000000 0.0000000 +!r 1.8023046 0.4936132 0.0000000 0.0000000 +!r 1.8131184 0.4794659 0.0000000 0.0000000 +!r 1.8239971 0.4656601 0.0000000 0.0000000 +!r 1.8349411 0.4521895 0.0000000 0.0000000 +!r 1.8459508 0.4390481 0.0000000 0.0000000 +!r 1.8570265 0.4262299 0.0000000 0.0000000 +!r 1.8681686 0.4137289 0.0000000 0.0000000 +!r 1.8793776 0.4015392 0.0000000 0.0000000 +!r 1.8906539 0.3896548 0.0000000 0.0000000 +!r 1.9019978 0.3780699 0.0000000 0.0000000 +!r 1.9134098 0.3667787 0.0000000 0.0000000 +!r 1.9248903 0.3557755 0.0000000 0.0000000 +!r 1.9364396 0.3450546 0.0000000 0.0000000 +!r 1.9480582 0.3346103 0.0000000 0.0000000 +!r 1.9597466 0.3244373 0.0000000 0.0000000 +!r 1.9715051 0.3145298 0.0000000 0.0000000 +!r 1.9833341 0.3048825 0.0000000 0.0000000 +!r 1.9952341 0.2954901 0.0000000 0.0000000 +!r 2.0072055 0.2863471 0.0000000 0.0000000 +!r 2.0192487 0.2774484 0.0000000 0.0000000 +!r 2.0313642 0.2687887 0.0000000 0.0000000 +!r 2.0435524 0.2603630 0.0000000 0.0000000 +!r 2.0558137 0.2521662 0.0000000 0.0000000 +!r 2.0681486 0.2441933 0.0000000 0.0000000 +!r 2.0805575 0.2364394 0.0000000 0.0000000 +!r 2.0930409 0.2288996 0.0000000 0.0000000 +!r 2.1055991 0.2215691 0.0000000 0.0000000 +!r 2.1182327 0.2144433 0.0000000 0.0000000 +!r 2.1309421 0.2075174 0.0000000 0.0000000 +!r 2.1437277 0.2007870 0.0000000 0.0000000 +!r 2.1565901 0.1942475 0.0000000 0.0000000 +!r 2.1695296 0.1878944 0.0000000 0.0000000 +!r 2.1825468 0.1817235 0.0000000 0.0000000 +!r 2.1956421 0.1757303 0.0000000 0.0000000 +!r 2.2088160 0.1699107 0.0000000 0.0000000 +!r 2.2220689 0.1642605 0.0000000 0.0000000 +!r 2.2354013 0.1587756 0.0000000 0.0000000 +!r 2.2488137 0.1534520 0.0000000 0.0000000 +!r 2.2623066 0.1482858 0.0000000 0.0000000 +!r 2.2758804 0.1432730 0.0000000 0.0000000 +!r 2.2895357 0.1384099 0.0000000 0.0000000 +!r 2.3032729 0.1336927 0.0000000 0.0000000 +!r 2.3170925 0.1291177 0.0000000 0.0000000 +!r 2.3309951 0.1246814 0.0000000 0.0000000 +!r 2.3449811 0.1203801 0.0000000 0.0000000 +!r 2.3590509 0.1162104 0.0000000 0.0000000 +!r 2.3732052 0.1121689 0.0000000 0.0000000 +!r 2.3874445 0.1082523 0.0000000 0.0000000 +!r 2.4017691 0.1044572 0.0000000 0.0000000 +!r 2.4161798 0.1007805 0.0000000 0.0000000 +!r 2.4306768 0.0972191 0.0000000 0.0000000 +!r 2.4452609 0.0937697 0.0000000 0.0000000 +!r 2.4599325 0.0904295 0.0000000 0.0000000 +!r 2.4746921 0.0871955 0.0000000 0.0000000 +!r 2.4895402 0.0840647 0.0000000 0.0000000 +!r 2.5044775 0.0810344 0.0000000 0.0000000 +!r 2.5195043 0.0781017 0.0000000 0.0000000 +!r 2.5346213 0.0752640 0.0000000 0.0000000 +!r 2.5498291 0.0725185 0.0000000 0.0000000 +!r 2.5651280 0.0698628 0.0000000 0.0000000 +!r 2.5805188 0.0672942 0.0000000 0.0000000 +!r 2.5960019 0.0648104 0.0000000 0.0000000 +!r 2.6115779 0.0624088 0.0000000 0.0000000 +!r 2.6272474 0.0600871 0.0000000 0.0000000 +!r 2.6430109 0.0578429 0.0000000 0.0000000 +!r 2.6588690 0.0556741 0.0000000 0.0000000 +!r 2.6748222 0.0535785 0.0000000 0.0000000 +!r 2.6908711 0.0515538 0.0000000 0.0000000 +!r 2.7070163 0.0495979 0.0000000 0.0000000 +!r 2.7232584 0.0477089 0.0000000 0.0000000 +!r 2.7395980 0.0458847 0.0000000 0.0000000 +!r 2.7560356 0.0441234 0.0000000 0.0000000 +!r 2.7725718 0.0424231 0.0000000 0.0000000 +!r 2.7892072 0.0407818 0.0000000 0.0000000 +!r 2.8059425 0.0391979 0.0000000 0.0000000 +!r 2.8227781 0.0376695 0.0000000 0.0000000 +!r 2.8397148 0.0361949 0.0000000 0.0000000 +!r 2.8567531 0.0347725 0.0000000 0.0000000 +!r 2.8738936 0.0334007 0.0000000 0.0000000 +!r 2.8911369 0.0320777 0.0000000 0.0000000 +!r 2.9084838 0.0308022 0.0000000 0.0000000 +!r 2.9259347 0.0295725 0.0000000 0.0000000 +!r 2.9434903 0.0283873 0.0000000 0.0000000 +!r 2.9611512 0.0272451 0.0000000 0.0000000 +!r 2.9789181 0.0261445 0.0000000 0.0000000 +!r 2.9967916 0.0250842 0.0000000 0.0000000 +!r 3.0147724 0.0240629 0.0000000 0.0000000 +!r 3.0328610 0.0230792 0.0000000 0.0000000 +!r 3.0510582 0.0221320 0.0000000 0.0000000 +!r 3.0693645 0.0212201 0.0000000 0.0000000 +!r 3.0877807 0.0203422 0.0000000 0.0000000 +!r 3.1063074 0.0194973 0.0000000 0.0000000 +!r 3.1249453 0.0186843 0.0000000 0.0000000 +!r 3.1436949 0.0179020 0.0000000 0.0000000 +!r 3.1625571 0.0171494 0.0000000 0.0000000 +!r 3.1815324 0.0164256 0.0000000 0.0000000 +!r 3.2006216 0.0157295 0.0000000 0.0000000 +!r 3.2198254 0.0150603 0.0000000 0.0000000 +!r 3.2391443 0.0144169 0.0000000 0.0000000 +!r 3.2585792 0.0137984 0.0000000 0.0000000 +!r 3.2781307 0.0132041 0.0000000 0.0000000 +!r 3.2977994 0.0126331 0.0000000 0.0000000 +!r 3.3175862 0.0120845 0.0000000 0.0000000 +!r 3.3374918 0.0115575 0.0000000 0.0000000 +!r 3.3575167 0.0110515 0.0000000 0.0000000 +!r 3.3776618 0.0105656 0.0000000 0.0000000 +!r 3.3979278 0.0100992 0.0000000 0.0000000 +!r 3.4183153 0.0096515 0.0000000 0.0000000 +!r 3.4388252 0.0092218 0.0000000 0.0000000 +!r 3.4594582 0.0088096 0.0000000 0.0000000 +!r 3.4802149 0.0084141 0.0000000 0.0000000 +!r 3.5010962 0.0080348 0.0000000 0.0000000 +!r 3.5221028 0.0076710 0.0000000 0.0000000 +!r 3.5432354 0.0073223 0.0000000 0.0000000 +!r 3.5644948 0.0069880 0.0000000 0.0000000 +!r 3.5858818 0.0066676 0.0000000 0.0000000 +!r 3.6073971 0.0063605 0.0000000 0.0000000 +!r 3.6290415 0.0060664 0.0000000 0.0000000 +!r 3.6508157 0.0057846 0.0000000 0.0000000 +!r 3.6727206 0.0055148 0.0000000 0.0000000 +!r 3.6947569 0.0052565 0.0000000 0.0000000 +!r 3.7169255 0.0050092 0.0000000 0.0000000 +!r 3.7392270 0.0047724 0.0000000 0.0000000 +!r 3.7616624 0.0045459 0.0000000 0.0000000 +!r 3.7842324 0.0043292 0.0000000 0.0000000 +!r 3.8069378 0.0041220 0.0000000 0.0000000 +!r 3.8297794 0.0039237 0.0000000 0.0000000 +!r 3.8527581 0.0037342 0.0000000 0.0000000 +!r 3.8758746 0.0035530 0.0000000 0.0000000 +!r 3.8991299 0.0033799 0.0000000 0.0000000 +!r 3.9225246 0.0032145 0.0000000 0.0000000 +!r 3.9460598 0.0030564 0.0000000 0.0000000 +!r 3.9697361 0.0029055 0.0000000 0.0000000 +!r 3.9935546 0.0027613 0.0000000 0.0000000 +!r 4.0175159 0.0026237 0.0000000 0.0000000 +!r 4.0416210 0.0024924 0.0000000 0.0000000 +!r 4.0658707 0.0023671 0.0000000 0.0000000 +!r 4.0902659 0.0022475 0.0000000 0.0000000 +!r 4.1148075 0.0021335 0.0000000 0.0000000 +!r 4.1394964 0.0020248 0.0000000 0.0000000 +!r 4.1643334 0.0019211 0.0000000 0.0000000 +!r 4.1893194 0.0018223 0.0000000 0.0000000 +!r 4.2144553 0.0017282 0.0000000 0.0000000 +!r 4.2397420 0.0016385 0.0000000 0.0000000 +!r 4.2651805 0.0015531 0.0000000 0.0000000 +!r 4.2907715 0.0014718 0.0000000 0.0000000 +!r 4.3165162 0.0013943 0.0000000 0.0000000 +!r 4.3424153 0.0013207 0.0000000 0.0000000 +!r 4.3684698 0.0012505 0.0000000 0.0000000 +!r 4.3946806 0.0011839 0.0000000 0.0000000 +!r 4.4210487 0.0011204 0.0000000 0.0000000 +!r 4.4475750 0.0010601 0.0000000 0.0000000 +!r 4.4742604 0.0010028 0.0000000 0.0000000 +!r 4.5011060 0.0009483 0.0000000 0.0000000 +!r 4.5281126 0.0008966 0.0000000 0.0000000 +!r 4.5552813 0.0008475 0.0000000 0.0000000 +!r 4.5826130 0.0008008 0.0000000 0.0000000 +!r 4.6101086 0.0007565 0.0000000 0.0000000 +!r 4.6377693 0.0007145 0.0000000 0.0000000 +!r 4.6655959 0.0006746 0.0000000 0.0000000 +!r 4.6935895 0.0006367 0.0000000 0.0000000 +!r 4.7217510 0.0006009 0.0000000 0.0000000 +!r 4.7500815 0.0005669 0.0000000 0.0000000 +!r 4.7785820 0.0005346 0.0000000 0.0000000 +!r 4.8072535 0.0005041 0.0000000 0.0000000 +!r 4.8360970 0.0004752 0.0000000 0.0000000 +!r 4.8651136 0.0004478 0.0000000 0.0000000 +!r 4.8943043 0.0004219 0.0000000 0.0000000 +!r 4.9236701 0.0003973 0.0000000 0.0000000 +!r 4.9532121 0.0003741 0.0000000 0.0000000 +!r 4.9829314 0.0003521 0.0000000 0.0000000 +!r 5.0128290 0.0003314 0.0000000 0.0000000 +!r 5.0429060 0.0003117 0.0000000 0.0000000 +!r 5.0731634 0.0002932 0.0000000 0.0000000 +!r 5.1036024 0.0002756 0.0000000 0.0000000 +!r 5.1342240 0.0002591 0.0000000 0.0000000 +!r 5.1650294 0.0002435 0.0000000 0.0000000 +!r 5.1960195 0.0002287 0.0000000 0.0000000 +!r 5.2271956 0.0002148 0.0000000 0.0000000 +!r 5.2585588 0.0002016 0.0000000 0.0000000 +!r 5.2901102 0.0001892 0.0000000 0.0000000 +!r 5.3218508 0.0001775 0.0000000 0.0000000 +!r 5.3537819 0.0001665 0.0000000 0.0000000 +!r 5.3859046 0.0001561 0.0000000 0.0000000 +!r 5.4182201 0.0001464 0.0000000 0.0000000 +!r 5.4507294 0.0001372 0.0000000 0.0000000 +!r 5.4834338 0.0001285 0.0000000 0.0000000 +!r 5.5163344 0.0001203 0.0000000 0.0000000 +!r 5.5494324 0.0001126 0.0000000 0.0000000 +!r 5.5827290 0.0001054 0.0000000 0.0000000 +!r 5.6162253 0.0000986 0.0000000 0.0000000 +!r 5.6499227 0.0000922 0.0000000 0.0000000 +!r 5.6838222 0.0000863 0.0000000 0.0000000 +!r 5.7179252 0.0000806 0.0000000 0.0000000 +!r 5.7522327 0.0000753 0.0000000 0.0000000 +!r 5.7867461 0.0000704 0.0000000 0.0000000 +!r 5.8214666 0.0000657 0.0000000 0.0000000 +!r 5.8563954 0.0000613 0.0000000 0.0000000 +!r 5.8915337 0.0000572 0.0000000 0.0000000 +!r 5.9268829 0.0000534 0.0000000 0.0000000 +!r 5.9624442 0.0000498 0.0000000 0.0000000 +!r 5.9982189 0.0000464 0.0000000 0.0000000 + + +n= 2, l= 0, all-electron wave function, pseudo w-f + +& 10 0.009958 -0.093703 0.013614 +& 10 0.020051 -0.173457 0.027416 +& 10 0.030117 -0.239393 0.041183 +& 10 0.040134 -0.292926 0.054891 +& 10 0.050377 -0.336495 0.068917 +& 10 0.060642 -0.370021 0.082983 +& 10 0.070847 -0.394378 0.096980 +& 10 0.081297 -0.411065 0.111328 +& 10 0.091629 -0.420266 0.125531 +& 10 0.102046 -0.423037 0.139869 +& 10 0.112296 -0.420123 0.153996 +& 10 0.122839 -0.411984 0.168547 +& 10 0.133569 -0.399003 0.183379 +& 10 0.144371 -0.381765 0.198333 +& 10 0.155116 -0.361021 0.213231 +& 10 0.165666 -0.337646 0.227882 +& 10 0.175879 -0.312583 0.242084 +& 10 0.186721 -0.283745 0.257182 +& 10 0.197049 -0.254476 0.271582 +& 10 0.207949 -0.222012 0.286797 +& 10 0.218143 -0.190455 0.301039 +& 10 0.228836 -0.156364 0.315991 +& 10 0.240054 -0.119770 0.331685 +& 10 0.250319 -0.085739 0.346051 +& 10 0.261024 -0.049888 0.361032 +& 10 0.272186 -0.012287 0.376647 +& 10 0.283826 0.026976 0.392918 +& 10 0.294198 0.061871 0.407400 +& 10 0.304949 0.097830 0.422388 +& 10 0.316094 0.134765 0.437891 +& 10 0.327645 0.172576 0.453916 +& 10 0.339619 0.211154 0.470470 +& 10 0.349930 0.243802 0.484671 +& 10 0.360555 0.276827 0.499239 +& 10 0.371502 0.310148 0.514174 +& 10 0.382782 0.343683 0.529472 +& 10 0.394404 0.377343 0.545125 +& 10 0.406379 0.411039 0.561123 +& 10 0.418717 0.444676 0.577455 +& 10 0.428857 0.471477 0.590750 +& 10 0.439243 0.498125 0.604236 +& 10 0.449880 0.524569 0.617903 +& 10 0.460775 0.550753 0.631737 +& 10 0.471933 0.576624 0.645719 +& 10 0.483362 0.602125 0.659833 +& 10 0.495067 0.627199 0.674057 +& 10 0.507056 0.651789 0.688367 +& 10 0.519336 0.675835 0.702736 +& 10 0.531912 0.699279 0.717134 +& 10 0.544794 0.722062 0.731528 +& 10 0.557987 0.744126 0.745883 +& 10 0.568091 0.760168 0.756599 +& 10 0.578378 0.775748 0.767253 +& 10 0.588852 0.790843 0.777824 +& 10 0.599515 0.805431 0.788293 +& 10 0.610371 0.819487 0.798639 +& 10 0.621423 0.832991 0.808839 +& 10 0.632676 0.845920 0.818868 +& 10 0.644133 0.858255 0.828703 +& 10 0.655797 0.869976 0.838318 +& 10 0.667672 0.881064 0.847686 +& 10 0.679763 0.891500 0.856778 +& 10 0.692072 0.901270 0.865566 +& 10 0.704604 0.910355 0.874022 +& 10 0.717363 0.918743 0.882114 +& 10 0.730353 0.926420 0.889812 +& 10 0.743579 0.933374 0.897085 +& 10 0.757044 0.939594 0.903901 +& 10 0.770752 0.945071 0.910228 +& 10 0.784709 0.949796 0.916036 +& 10 0.798919 0.953763 0.921292 +& 10 0.813386 0.956966 0.925966 +& 10 0.828115 0.959403 0.930028 +& 10 0.843111 0.961069 0.933447 +& 10 0.853258 0.961753 0.935356 +& 10 0.863528 0.962094 0.936959 +& 10 0.873922 0.962092 0.938249 +& 10 0.884440 0.961750 0.939218 +& 10 0.895085 0.961068 0.939858 +& 10 0.905859 0.960046 0.940164 +& 10 0.916761 0.958687 0.940130 +& 10 0.927796 0.956993 0.939750 +& 10 0.938963 0.954965 0.939019 +& 10 0.950264 0.952606 0.937932 +& 10 0.961701 0.949919 0.936487 +& 10 0.973276 0.946906 0.934679 +& 10 0.984991 0.943572 0.932506 +& 10 0.996846 0.939919 0.929968 +& 10 1.008844 0.935952 0.927063 +& 10 1.020987 0.931674 0.923791 +& 10 1.033275 0.927090 0.920153 +& 10 1.045712 0.922204 0.916151 +& 10 1.058298 0.917021 0.911787 +& 10 1.071035 0.911547 0.907066 +& 10 1.083926 0.905786 0.901991 +& 10 1.096973 0.899744 0.896569 +& 10 1.110176 0.893428 0.890805 +& 10 1.123538 0.886842 0.884707 +& 10 1.137061 0.879993 0.878283 +& 10 1.150746 0.872887 0.871542 +& 10 1.164597 0.865532 0.864495 +& 10 1.178614 0.857933 0.857151 +& 10 1.192800 0.850098 0.849523 +& 10 1.207156 0.842033 0.841622 +& 10 1.221686 0.833746 0.833460 +& 10 1.236390 0.825245 0.825051 +& 10 1.251271 0.816536 0.816407 +& 10 1.266331 0.807628 0.807542 +& 10 1.281573 0.798528 0.798468 +& 10 1.296998 0.789244 0.789199 +& 10 1.312608 0.779784 0.779745 +& 10 1.328407 0.770156 0.770120 +& 10 1.344396 0.760368 0.760333 +& 10 1.360577 0.750429 0.750394 +& 10 1.376953 0.740346 0.740312 +& 10 1.393526 0.730128 0.730095 +& 10 1.410298 0.719784 0.719751 +& 10 1.427273 0.709321 0.709289 +& 10 1.444451 0.698748 0.698717 +& 10 1.461837 0.688074 0.688043 +& 10 1.479431 0.677307 0.677276 +& 10 1.497238 0.666454 0.666424 +& 10 1.515259 0.655526 0.655497 +& 10 1.533496 0.644530 0.644501 +& 10 1.551953 0.633473 0.633445 +& 10 1.570633 0.622366 0.622338 +& 10 1.589537 0.611215 0.611188 +& 10 1.608668 0.600030 0.600003 +& 10 1.628030 0.588817 0.588790 +& 10 1.647625 0.577585 0.577559 +& 10 1.667456 0.566342 0.566317 +& 10 1.677461 0.560719 0.560694 +& 10 1.687526 0.555096 0.555071 +& 10 1.697651 0.549474 0.549450 +& 10 1.707837 0.543855 0.543830 +& 10 1.718084 0.538238 0.538214 +& 10 1.728392 0.532625 0.532601 +& 10 1.738763 0.527017 0.526994 +& 10 1.749195 0.521415 0.521392 +& 10 1.759690 0.515820 0.515796 +& 10 1.770249 0.510232 0.510209 +& 10 1.780870 0.504653 0.504630 +& 10 1.791555 0.499083 0.499060 +& 10 1.802305 0.493523 0.493501 +& 10 1.813118 0.487975 0.487953 +& 10 1.823997 0.482438 0.482416 +& 10 1.834941 0.476914 0.476893 +& 10 1.845951 0.471405 0.471383 +& 10 1.857026 0.465909 0.465888 +& 10 1.868169 0.460429 0.460408 +& 10 1.879378 0.454965 0.454945 +& 10 1.890654 0.449518 0.449498 +& 10 1.901998 0.444089 0.444069 +& 10 1.913410 0.438678 0.438658 +& 10 1.924890 0.433287 0.433267 +& 10 1.936440 0.427916 0.427896 +& 10 1.948058 0.422565 0.422546 +& 10 1.959747 0.417236 0.417217 +& 10 1.971505 0.411929 0.411910 +& 10 1.983334 0.406645 0.406626 +& 10 1.995234 0.401385 0.401366 +& 10 2.007206 0.396149 0.396131 +& 10 2.019249 0.390938 0.390920 +& 10 2.031364 0.385752 0.385735 +& 10 2.043552 0.380593 0.380576 +& 10 2.055814 0.375461 0.375444 +& 10 2.068149 0.370357 0.370339 +& 10 2.080558 0.365280 0.365263 +& 10 2.093041 0.360233 0.360216 +& 10 2.105599 0.355214 0.355198 +& 10 2.118233 0.350226 0.350209 +& 10 2.130942 0.345268 0.345252 +& 10 2.143728 0.340341 0.340325 +& 10 2.156590 0.335445 0.335430 +& 10 2.169530 0.330582 0.330566 +& 10 2.182547 0.325751 0.325736 +& 10 2.195642 0.320953 0.320938 +& 10 2.208816 0.316189 0.316174 +& 10 2.222069 0.311459 0.311444 +& 10 2.235401 0.306763 0.306748 +& 10 2.248814 0.302102 0.302088 +& 10 2.262307 0.297476 0.297462 +& 10 2.275880 0.292886 0.292872 +& 10 2.289536 0.288333 0.288319 +& 10 2.303273 0.283815 0.283801 +& 10 2.317093 0.279335 0.279321 +& 10 2.330995 0.274891 0.274878 +& 10 2.344981 0.270485 0.270472 +& 10 2.359051 0.266117 0.266104 +& 10 2.373205 0.261788 0.261775 +& 10 2.387444 0.257496 0.257484 +& 10 2.401769 0.253244 0.253231 +& 10 2.416180 0.249030 0.249018 +& 10 2.430677 0.244856 0.244844 +& 10 2.445261 0.240721 0.240709 +& 10 2.459932 0.236626 0.236615 +& 10 2.474692 0.232572 0.232560 +& 10 2.489540 0.228557 0.228545 +& 10 2.504477 0.224582 0.224571 +& 10 2.519504 0.220649 0.220637 +& 10 2.534621 0.216756 0.216745 +& 10 2.549829 0.212904 0.212893 +& 10 2.565128 0.209092 0.209082 +& 10 2.580519 0.205323 0.205312 +& 10 2.596002 0.201594 0.201583 +& 10 2.611578 0.197907 0.197896 +& 10 2.627247 0.194261 0.194251 +& 10 2.643011 0.190656 0.190646 +& 10 2.658869 0.187094 0.187084 +& 10 2.674822 0.183573 0.183563 +& 10 2.690871 0.180093 0.180084 +& 10 2.707016 0.176656 0.176646 +& 10 2.723258 0.173260 0.173250 +& 10 2.739598 0.169906 0.169896 +& 10 2.756036 0.166593 0.166584 +& 10 2.772572 0.163322 0.163314 +& 10 2.789207 0.160093 0.160085 +& 10 2.805942 0.156906 0.156898 +& 10 2.822778 0.153760 0.153752 +& 10 2.839715 0.150656 0.150648 +& 10 2.856753 0.147593 0.147585 +& 10 2.873894 0.144572 0.144564 +& 10 2.891137 0.141592 0.141584 +& 10 2.908484 0.138653 0.138645 +& 10 2.925935 0.135755 0.135748 +& 10 2.943490 0.132898 0.132891 +& 10 2.961151 0.130082 0.130075 +& 10 2.978918 0.127307 0.127300 +& 10 2.996792 0.124572 0.124565 +& 10 3.014772 0.121877 0.121870 +& 10 3.032861 0.119223 0.119216 +& 10 3.051058 0.116609 0.116602 +& 10 3.069365 0.114034 0.114027 +& 10 3.087781 0.111499 0.111493 +& 10 3.106307 0.109004 0.108997 +& 10 3.124945 0.106547 0.106541 +& 10 3.143695 0.104130 0.104124 +& 10 3.162557 0.101751 0.101745 +& 10 3.181532 0.099411 0.099406 +& 10 3.200622 0.097110 0.097104 +& 10 3.219825 0.094846 0.094840 +& 10 3.239144 0.092620 0.092614 +& 10 3.258579 0.090432 0.090426 +& 10 3.278131 0.088280 0.088275 +& 10 3.297799 0.086166 0.086161 +& 10 3.317586 0.084089 0.084083 +& 10 3.337492 0.082047 0.082042 +& 10 3.357517 0.080042 0.080037 +& 10 3.377662 0.078073 0.078068 +& 10 3.397928 0.076139 0.076135 +& 10 3.418315 0.074241 0.074236 +& 10 3.438825 0.072377 0.072373 +& 10 3.459458 0.070548 0.070544 +& 10 3.480215 0.068753 0.068749 +& 10 3.501096 0.066992 0.066988 +& 10 3.522103 0.065265 0.065261 +& 10 3.543235 0.063571 0.063567 +& 10 3.564495 0.061910 0.061905 +& 10 3.585882 0.060281 0.060277 +& 10 3.607397 0.058684 0.058681 +& 10 3.629041 0.057120 0.057116 +& 10 3.650816 0.055587 0.055583 +& 10 3.672721 0.054085 0.054082 +& 10 3.694757 0.052614 0.052611 +& 10 3.716925 0.051174 0.051170 +& 10 3.739227 0.049763 0.049760 +& 10 3.761662 0.048382 0.048379 +& 10 3.784232 0.047031 0.047028 +& 10 3.806938 0.045709 0.045705 +& 10 3.829779 0.044415 0.044412 +& 10 3.852758 0.043149 0.043146 +& 10 3.875875 0.041912 0.041909 +& 10 3.899130 0.040702 0.040699 +& 10 3.922525 0.039519 0.039516 +& 10 3.946060 0.038363 0.038360 +& 10 3.969736 0.037233 0.037230 +& 10 3.993555 0.036129 0.036127 +& 10 4.017516 0.035051 0.035049 +& 10 4.041621 0.033998 0.033996 +& 10 4.065871 0.032970 0.032968 +& 10 4.090266 0.031967 0.031964 +& 10 4.114808 0.030987 0.030985 +& 10 4.139496 0.030032 0.030030 +& 10 4.164333 0.029100 0.029098 +& 10 4.189319 0.028191 0.028189 +& 10 4.214455 0.027304 0.027302 +& 10 4.239742 0.026440 0.026438 +& 10 4.265180 0.025598 0.025596 +& 10 4.290772 0.024777 0.024775 +& 10 4.316516 0.023977 0.023975 +& 10 4.342415 0.023198 0.023196 +& 10 4.368470 0.022440 0.022438 +& 10 4.394681 0.021701 0.021699 +& 10 4.421049 0.020982 0.020981 +& 10 4.447575 0.020283 0.020281 +& 10 4.474260 0.019602 0.019601 +& 10 4.501106 0.018940 0.018939 +& 10 4.528113 0.018297 0.018295 +& 10 4.555281 0.017671 0.017669 +& 10 4.582613 0.017063 0.017061 +& 10 4.610109 0.016472 0.016470 +& 10 4.637769 0.015897 0.015896 +& 10 4.665596 0.015339 0.015338 +& 10 4.693589 0.014798 0.014797 +& 10 4.721751 0.014272 0.014271 +& 10 4.750082 0.013762 0.013761 +& 10 4.778582 0.013266 0.013265 +& 10 4.807254 0.012786 0.012785 +& 10 4.836097 0.012320 0.012319 +& 10 4.865114 0.011868 0.011867 +& 10 4.894304 0.011430 0.011429 +& 10 4.923670 0.011006 0.011005 +& 10 4.953212 0.010595 0.010594 +& 10 4.982931 0.010196 0.010195 +& 10 5.012829 0.009810 0.009809 +& 10 5.042906 0.009437 0.009436 +& 10 5.073163 0.009075 0.009074 +& 10 5.103602 0.008725 0.008725 +& 10 5.134224 0.008387 0.008386 +& 10 5.165029 0.008060 0.008059 +& 10 5.196020 0.007743 0.007742 +& 10 5.227196 0.007437 0.007436 +& 10 5.258559 0.007141 0.007141 +& 10 5.290110 0.006856 0.006855 +& 10 5.321851 0.006580 0.006579 +& 10 5.353782 0.006313 0.006312 +& 10 5.385905 0.006056 0.006055 +& 10 5.418220 0.005807 0.005807 +& 10 5.450729 0.005568 0.005567 +& 10 5.483434 0.005337 0.005336 +& 10 5.516334 0.005114 0.005113 +& 10 5.549432 0.004899 0.004898 +& 10 5.582729 0.004692 0.004691 +& 10 5.616225 0.004492 0.004492 +& 10 5.649923 0.004300 0.004299 +& 10 5.683822 0.004115 0.004114 +& 10 5.717925 0.003936 0.003936 +& 10 5.752233 0.003765 0.003764 +& 10 5.786746 0.003600 0.003599 +& 10 5.821467 0.003441 0.003440 +& 10 5.856395 0.003288 0.003288 +& 10 5.891534 0.003141 0.003141 +& 10 5.926883 0.003000 0.003000 +& 10 5.962444 0.002864 0.002864 +& 10 5.998219 0.002734 0.002734 + + +scattering, iprj= 2, l= 0, all-electron wave function, pseudo w-f + +& 20 0.009958 -0.034594 0.005198 +& 20 0.020051 -0.064031 0.010467 +& 20 0.030117 -0.088355 0.015723 +& 20 0.040134 -0.108082 0.020954 +& 20 0.050377 -0.124110 0.026306 +& 20 0.060642 -0.136408 0.031672 +& 20 0.070847 -0.145297 0.037009 +& 20 0.081297 -0.151327 0.042478 +& 20 0.091629 -0.154570 0.047889 +& 20 0.102046 -0.155414 0.053348 +& 20 0.112296 -0.154138 0.058722 +& 20 0.122839 -0.150906 0.064254 +& 20 0.133569 -0.145862 0.069888 +& 20 0.144371 -0.139225 0.075563 +& 20 0.155116 -0.131280 0.081210 +& 20 0.165666 -0.122355 0.086757 +& 20 0.175879 -0.112807 0.092127 +& 20 0.186721 -0.101840 0.097828 +& 20 0.197049 -0.090725 0.103257 +& 20 0.207949 -0.078413 0.108984 +& 20 0.218143 -0.066459 0.114335 +& 20 0.228836 -0.053559 0.119941 +& 20 0.240054 -0.039730 0.125813 +& 20 0.250319 -0.026885 0.131175 +& 20 0.261024 -0.013370 0.136753 +& 20 0.272186 0.000784 0.142551 +& 20 0.283826 0.015539 0.148574 +& 20 0.294198 0.028629 0.153916 +& 20 0.304949 0.042094 0.159427 +& 20 0.316094 0.055895 0.165106 +& 20 0.327645 0.069989 0.170952 +& 20 0.339619 0.084329 0.176962 +& 20 0.349930 0.096430 0.182092 +& 20 0.360555 0.108633 0.187331 +& 20 0.371502 0.120904 0.192673 +& 20 0.382782 0.133207 0.198112 +& 20 0.394404 0.145501 0.203641 +& 20 0.406379 0.157747 0.209251 +& 20 0.418717 0.169902 0.214932 +& 20 0.428857 0.179531 0.219519 +& 20 0.439243 0.189050 0.224137 +& 20 0.449880 0.198434 0.228775 +& 20 0.460775 0.207659 0.233425 +& 20 0.471933 0.216698 0.238076 +& 20 0.483362 0.225526 0.242717 +& 20 0.495067 0.234116 0.247333 +& 20 0.507056 0.242439 0.251911 +& 20 0.519336 0.250468 0.256435 +& 20 0.531912 0.258175 0.260886 +& 20 0.544794 0.265530 0.265245 +& 20 0.557987 0.272504 0.269493 +& 20 0.568091 0.277467 0.272591 +& 20 0.578378 0.282188 0.275603 +& 20 0.588852 0.286654 0.278518 +& 20 0.599515 0.290853 0.281324 +& 20 0.610371 0.294772 0.284010 +& 20 0.621423 0.298401 0.286564 +& 20 0.632676 0.301728 0.288971 +& 20 0.644133 0.304741 0.291219 +& 20 0.655797 0.307428 0.293293 +& 20 0.667672 0.309780 0.295178 +& 20 0.679763 0.311785 0.296859 +& 20 0.692072 0.313433 0.298321 +& 20 0.704604 0.314715 0.299547 +& 20 0.717363 0.315619 0.300520 +& 20 0.730353 0.316139 0.301224 +& 20 0.743579 0.316263 0.301641 +& 20 0.757044 0.315985 0.301754 +& 20 0.770752 0.315297 0.301546 +& 20 0.784709 0.314190 0.301000 +& 20 0.798919 0.312659 0.300097 +& 20 0.813386 0.310696 0.298820 +& 20 0.828115 0.308296 0.297154 +& 20 0.843111 0.305454 0.295080 +& 20 0.853258 0.303311 0.293464 +& 20 0.863528 0.300969 0.291656 +& 20 0.873922 0.298425 0.289651 +& 20 0.884440 0.295679 0.287445 +& 20 0.895085 0.292730 0.285034 +& 20 0.905859 0.289577 0.282415 +& 20 0.916761 0.286220 0.279584 +& 20 0.927796 0.282658 0.276538 +& 20 0.938963 0.278890 0.273273 +& 20 0.950264 0.274917 0.269788 +& 20 0.961701 0.270738 0.266080 +& 20 0.973276 0.266353 0.262146 +& 20 0.984991 0.261762 0.257986 +& 20 0.996846 0.256966 0.253598 +& 20 1.008844 0.251964 0.248981 +& 20 1.020987 0.246758 0.244134 +& 20 1.033275 0.241347 0.239058 +& 20 1.045712 0.235733 0.233753 +& 20 1.058298 0.229916 0.228219 +& 20 1.071035 0.223898 0.222458 +& 20 1.083926 0.217679 0.216470 +& 20 1.096973 0.211261 0.210258 +& 20 1.110176 0.204644 0.203824 +& 20 1.123538 0.197831 0.197171 +& 20 1.137061 0.190824 0.190300 +& 20 1.150746 0.183623 0.183215 +& 20 1.164597 0.176231 0.175920 +& 20 1.178614 0.168649 0.168419 +& 20 1.192800 0.160880 0.160714 +& 20 1.207156 0.152927 0.152811 +& 20 1.221686 0.144790 0.144712 +& 20 1.236390 0.136474 0.136424 +& 20 1.251271 0.127980 0.127949 +& 20 1.266331 0.119311 0.119294 +& 20 1.281573 0.110470 0.110461 +& 20 1.296998 0.101461 0.101456 +& 20 1.312608 0.092285 0.092282 +& 20 1.328407 0.082947 0.082945 +& 20 1.344396 0.073450 0.073448 +& 20 1.360577 0.063797 0.063795 +& 20 1.376953 0.053991 0.053990 +& 20 1.393526 0.044037 0.044036 +& 20 1.410298 0.033939 0.033938 +& 20 1.427273 0.023700 0.023699 +& 20 1.444451 0.013324 0.013324 +& 20 1.461837 0.002816 0.002816 +& 20 1.479431 -0.007821 -0.007820 +& 20 1.497238 -0.018580 -0.018580 +& 20 1.515259 -0.029459 -0.029458 +& 20 1.533496 -0.040453 -0.040451 +& 20 1.551953 -0.051555 -0.051554 +& 20 1.570633 -0.062762 -0.062761 +& 20 1.589537 -0.074069 -0.074067 +& 20 1.608668 -0.085470 -0.085467 +& 20 1.628030 -0.096959 -0.096957 +& 20 1.647625 -0.108532 -0.108530 +& 20 1.667456 -0.120183 -0.120180 +& 20 1.677461 -0.126036 -0.126033 +& 20 1.687526 -0.131906 -0.131903 +& 20 1.697651 -0.137793 -0.137789 +& 20 1.707837 -0.143695 -0.143691 +& 20 1.718084 -0.149612 -0.149609 +& 20 1.728392 -0.155544 -0.155540 +& 20 1.738763 -0.161489 -0.161485 +& 20 1.749195 -0.167447 -0.167443 +& 20 1.759690 -0.173417 -0.173413 +& 20 1.770249 -0.179398 -0.179393 +& 20 1.780870 -0.185389 -0.185385 +& 20 1.791555 -0.191390 -0.191385 +& 20 1.802305 -0.197399 -0.197394 +& 20 1.813118 -0.203416 -0.203411 +& 20 1.823997 -0.209440 -0.209435 +& 20 1.834941 -0.215471 -0.215466 +& 20 1.845951 -0.221506 -0.221501 +& 20 1.857026 -0.227546 -0.227541 +& 20 1.868169 -0.233590 -0.233584 +& 20 1.879378 -0.239636 -0.239630 +& 20 1.890654 -0.245683 -0.245678 +& 20 1.901998 -0.251732 -0.251726 +& 20 1.913410 -0.257780 -0.257775 +& 20 1.924890 -0.263828 -0.263822 +& 20 1.936440 -0.269873 -0.269867 +& 20 1.948058 -0.275916 -0.275910 +& 20 1.959747 -0.281954 -0.281948 +& 20 1.971505 -0.287988 -0.287982 +& 20 1.983334 -0.294016 -0.294010 +& 20 1.995234 -0.300037 -0.300030 +& 20 2.007206 -0.306050 -0.306043 +& 20 2.019249 -0.312054 -0.312048 +& 20 2.031364 -0.318049 -0.318042 +& 20 2.043552 -0.324032 -0.324025 +& 20 2.055814 -0.330004 -0.329997 +& 20 2.068149 -0.335962 -0.335955 +& 20 2.080558 -0.341906 -0.341900 +& 20 2.093041 -0.347836 -0.347829 +& 20 2.105599 -0.353749 -0.353742 +& 20 2.118233 -0.359644 -0.359637 +& 20 2.130942 -0.365522 -0.365515 +& 20 2.143728 -0.371379 -0.371372 +& 20 2.156590 -0.377216 -0.377209 +& 20 2.169530 -0.383031 -0.383024 +& 20 2.182547 -0.388824 -0.388816 +& 20 2.195642 -0.394592 -0.394584 +& 20 2.208816 -0.400334 -0.400327 +& 20 2.222069 -0.406050 -0.406043 +& 20 2.235401 -0.411739 -0.411731 +& 20 2.248814 -0.417398 -0.417391 +& 20 2.262307 -0.423027 -0.423020 +& 20 2.275880 -0.428625 -0.428618 +& 20 2.289536 -0.434190 -0.434183 +& 20 2.303273 -0.439722 -0.439714 +& 20 2.317093 -0.445218 -0.445210 +& 20 2.330995 -0.450677 -0.450670 +& 20 2.344981 -0.456099 -0.456091 +& 20 2.359051 -0.461482 -0.461474 +& 20 2.373205 -0.466824 -0.466816 +& 20 2.387444 -0.472125 -0.472117 +& 20 2.401769 -0.477382 -0.477374 +& 20 2.416180 -0.482596 -0.482588 +& 20 2.430677 -0.487763 -0.487755 +& 20 2.445261 -0.492883 -0.492875 +& 20 2.459932 -0.497954 -0.497946 +& 20 2.474692 -0.502976 -0.502968 +& 20 2.489540 -0.507946 -0.507938 +& 20 2.504477 -0.512863 -0.512855 +& 20 2.519504 -0.517726 -0.517718 +& 20 2.534621 -0.522533 -0.522525 +& 20 2.549829 -0.527282 -0.527274 +& 20 2.565128 -0.531973 -0.531965 +& 20 2.580519 -0.536604 -0.536596 +& 20 2.596002 -0.541173 -0.541165 +& 20 2.611578 -0.545679 -0.545671 +& 20 2.627247 -0.550120 -0.550112 +& 20 2.643011 -0.554495 -0.554487 +& 20 2.658869 -0.558801 -0.558793 +& 20 2.674822 -0.563039 -0.563031 +& 20 2.690871 -0.567205 -0.567197 +& 20 2.707016 -0.571298 -0.571290 +& 20 2.723258 -0.575318 -0.575310 +& 20 2.739598 -0.579261 -0.579253 +& 20 2.756036 -0.583127 -0.583119 +& 20 2.772572 -0.586914 -0.586906 +& 20 2.789207 -0.590619 -0.590611 +& 20 2.805942 -0.594243 -0.594235 +& 20 2.822778 -0.597782 -0.597774 +& 20 2.839715 -0.601236 -0.601228 +& 20 2.856753 -0.604601 -0.604594 +& 20 2.873894 -0.607878 -0.607870 +& 20 2.891137 -0.611064 -0.611056 +& 20 2.908484 -0.614157 -0.614150 +& 20 2.925935 -0.617156 -0.617148 +& 20 2.943490 -0.620059 -0.620051 +& 20 2.961151 -0.622864 -0.622856 +& 20 2.978918 -0.625569 -0.625561 +& 20 2.996792 -0.628173 -0.628165 +& 20 3.014772 -0.630674 -0.630666 +& 20 3.032861 -0.633069 -0.633062 +& 20 3.051058 -0.635359 -0.635352 +& 20 3.069365 -0.637540 -0.637533 +& 20 3.087781 -0.639610 -0.639603 +& 20 3.106307 -0.641569 -0.641562 +& 20 3.124945 -0.643414 -0.643407 +& 20 3.143695 -0.645143 -0.645137 +& 20 3.162557 -0.646755 -0.646749 +& 20 3.181532 -0.648248 -0.648242 +& 20 3.200622 -0.649621 -0.649614 +& 20 3.219825 -0.650870 -0.650864 +& 20 3.239144 -0.651995 -0.651989 +& 20 3.258579 -0.652994 -0.652987 +& 20 3.278131 -0.653864 -0.653858 +& 20 3.297799 -0.654605 -0.654599 +& 20 3.317586 -0.655215 -0.655209 +& 20 3.337492 -0.655691 -0.655685 +& 20 3.357517 -0.656032 -0.656026 +& 20 3.377662 -0.656236 -0.656231 +& 20 3.397928 -0.656302 -0.656297 +& 20 3.418315 -0.656228 -0.656223 +& 20 3.438825 -0.656012 -0.656007 +& 20 3.459458 -0.655652 -0.655647 +& 20 3.480215 -0.655147 -0.655142 +& 20 3.501096 -0.654496 -0.654491 +& 20 3.522103 -0.653696 -0.653691 +& 20 3.543235 -0.652745 -0.652741 +& 20 3.564495 -0.651643 -0.651639 +& 20 3.585882 -0.650388 -0.650384 +& 20 3.607397 -0.648979 -0.648974 +& 20 3.629041 -0.647412 -0.647408 +& 20 3.650816 -0.645689 -0.645685 +& 20 3.672721 -0.643806 -0.643802 +& 20 3.694757 -0.641762 -0.641758 +& 20 3.716925 -0.639556 -0.639553 +& 20 3.739227 -0.637187 -0.637184 +& 20 3.761662 -0.634654 -0.634651 +& 20 3.784232 -0.631954 -0.631951 +& 20 3.806938 -0.629087 -0.629084 +& 20 3.829779 -0.626052 -0.626049 +& 20 3.852758 -0.622847 -0.622844 +& 20 3.875875 -0.619471 -0.619469 +& 20 3.899130 -0.615924 -0.615922 +& 20 3.922525 -0.612203 -0.612201 +& 20 3.946060 -0.608309 -0.608307 +& 20 3.969736 -0.604240 -0.604239 +& 20 3.993555 -0.599995 -0.599994 +& 20 4.017516 -0.595574 -0.595573 +& 20 4.041621 -0.590976 -0.590975 +& 20 4.065871 -0.586199 -0.586198 +& 20 4.090266 -0.581243 -0.581243 +& 20 4.114808 -0.576108 -0.576108 +& 20 4.139496 -0.570793 -0.570793 +& 20 4.164333 -0.565298 -0.565298 +& 20 4.189319 -0.559621 -0.559621 +& 20 4.214455 -0.553763 -0.553763 +& 20 4.239742 -0.547723 -0.547724 +& 20 4.265180 -0.541501 -0.541502 +& 20 4.290772 -0.535097 -0.535098 +& 20 4.316516 -0.528510 -0.528511 +& 20 4.342415 -0.521740 -0.521742 +& 20 4.368470 -0.514788 -0.514790 +& 20 4.394681 -0.507653 -0.507655 +& 20 4.421049 -0.500335 -0.500337 +& 20 4.447575 -0.492835 -0.492838 +& 20 4.474260 -0.485153 -0.485155 +& 20 4.501106 -0.477289 -0.477291 +& 20 4.528113 -0.469243 -0.469245 +& 20 4.555281 -0.461015 -0.461018 +& 20 4.582613 -0.452607 -0.452610 +& 20 4.610109 -0.444019 -0.444022 +& 20 4.637769 -0.435251 -0.435254 +& 20 4.665596 -0.426304 -0.426308 +& 20 4.693589 -0.417178 -0.417183 +& 20 4.721751 -0.407876 -0.407880 +& 20 4.750082 -0.398397 -0.398402 +& 20 4.778582 -0.388743 -0.388748 +& 20 4.807254 -0.378914 -0.378919 +& 20 4.836097 -0.368912 -0.368917 +& 20 4.865114 -0.358738 -0.358744 +& 20 4.894304 -0.348393 -0.348399 +& 20 4.923670 -0.337880 -0.337886 +& 20 4.953212 -0.327198 -0.327204 +& 20 4.982931 -0.316350 -0.316357 +& 20 5.012829 -0.305338 -0.305345 +& 20 5.042906 -0.294163 -0.294170 +& 20 5.073163 -0.282828 -0.282835 +& 20 5.103602 -0.271333 -0.271340 +& 20 5.134224 -0.259682 -0.259689 +& 20 5.165029 -0.247876 -0.247884 +& 20 5.196020 -0.235918 -0.235926 +& 20 5.227196 -0.223810 -0.223819 +& 20 5.258559 -0.211555 -0.211564 +& 20 5.290110 -0.199156 -0.199164 +& 20 5.321851 -0.186614 -0.186623 +& 20 5.353782 -0.173933 -0.173942 +& 20 5.385905 -0.161117 -0.161126 +& 20 5.418220 -0.148167 -0.148177 +& 20 5.450729 -0.135088 -0.135098 +& 20 5.483434 -0.121883 -0.121893 +& 20 5.516334 -0.108556 -0.108566 +& 20 5.549432 -0.095109 -0.095119 +& 20 5.582729 -0.081547 -0.081558 +& 20 5.616225 -0.067874 -0.067885 +& 20 5.649923 -0.054094 -0.054105 +& 20 5.683822 -0.040212 -0.040223 +& 20 5.717925 -0.026231 -0.026242 +& 20 5.752233 -0.012156 -0.012167 +& 20 5.786746 0.002008 0.001996 +& 20 5.821467 0.016256 0.016244 +& 20 5.856395 0.030583 0.030571 +& 20 5.891534 0.044984 0.044973 +& 20 5.926883 0.059454 0.059442 +& 20 5.962444 0.073987 0.073975 +& 20 5.998219 0.088578 0.088565 + + +!J 0 0.009958 0.090486 -0.025921 +!J 0 0.017897 0.162458 -0.046454 +!J 0 0.025933 0.235025 -0.067009 +!J 0 0.033944 0.306948 -0.087164 +!J 0 0.041850 0.377394 -0.106628 +!J 0 0.049778 0.447382 -0.125618 +!J 0 0.057808 0.517476 -0.144211 +!J 0 0.065939 0.587508 -0.162276 +!J 0 0.073877 0.654827 -0.179064 +!J 0 0.081785 0.720754 -0.194860 +!J 0 0.089999 0.787898 -0.210177 +!J 0 0.098449 0.855396 -0.224658 +!J 0 0.106410 0.917426 -0.237016 +!J 0 0.114330 0.977495 -0.247971 +!J 0 0.122839 1.040090 -0.258146 +!J 0 0.131194 1.099466 -0.266424 +!J 0 0.139281 1.154853 -0.272720 +!J 0 0.147867 1.211283 -0.277457 +!J 0 0.156047 1.262652 -0.280013 +!J 0 0.164678 1.314223 -0.280550 +!J 0 0.172751 1.359898 -0.278969 +!J 0 0.181219 1.405059 -0.275076 +!J 0 0.190102 1.449303 -0.268465 +!J 0 0.198232 1.486896 -0.260096 +!J 0 0.206709 1.523074 -0.248970 +!J 0 0.215549 1.557435 -0.234729 +!J 0 0.224766 1.589538 -0.216992 +!J 0 0.232980 1.614885 -0.198704 +!J 0 0.241494 1.637878 -0.177293 +!J 0 0.250319 1.658156 -0.152495 +!J 0 0.259467 1.675334 -0.124047 +!J 0 0.268949 1.689008 -0.091696 +!J 0 0.277115 1.697420 -0.061581 +!J 0 0.285529 1.702850 -0.028463 +!J 0 0.294198 1.705038 0.007768 +!J 0 0.303131 1.703720 0.047199 +!J 0 0.312334 1.698635 0.089892 +!J 0 0.321818 1.689520 0.135878 +!J 0 0.331589 1.676123 0.185146 +!J 0 0.339619 1.662157 0.226891 +!J 0 0.347843 1.645175 0.270655 +!J 0 0.356267 1.625067 0.316366 +!J 0 0.364895 1.601731 0.363929 +!J 0 0.373731 1.575076 0.413223 +!J 0 0.382782 1.545022 0.464102 +!J 0 0.392051 1.511506 0.516393 +!J 0 0.401546 1.474475 0.569901 +!J 0 0.411270 1.433898 0.624401 +!J 0 0.421230 1.389756 0.679652 +!J 0 0.431430 1.342052 0.735388 +!J 0 0.441878 1.290805 0.791333 +!J 0 0.449880 1.250067 0.833256 +!J 0 0.458026 1.207381 0.875011 +!J 0 0.466321 1.162776 0.916475 +!J 0 0.474765 1.116286 0.957529 +!J 0 0.483362 1.067953 0.998057 +!J 0 0.492115 1.017820 1.037949 +!J 0 0.501026 0.965941 1.077103 +!J 0 0.510099 0.912370 1.115426 +!J 0 0.519336 0.857170 1.152838 +!J 0 0.528740 0.800408 1.189271 +!J 0 0.538315 0.742155 1.224667 +!J 0 0.548062 0.682491 1.258984 +!J 0 0.557987 0.621502 1.292191 +!J 0 0.568091 0.559282 1.324266 +!J 0 0.578378 0.495933 1.355196 +!J 0 0.588852 0.431573 1.384967 +!J 0 0.599515 0.366331 1.413564 +!J 0 0.610371 0.300354 1.440962 +!J 0 0.621423 0.233812 1.467113 +!J 0 0.632676 0.166897 1.491942 +!J 0 0.644133 0.099836 1.515328 +!J 0 0.655797 0.032885 1.537099 +!J 0 0.667672 -0.033655 1.557010 +!J 0 0.675708 -0.077618 1.569092 +!J 0 0.683841 -0.121133 1.580085 +!J 0 0.692072 -0.164074 1.589847 +!J 0 0.700402 -0.206306 1.598214 +!J 0 0.708832 -0.247683 1.605002 +!J 0 0.717363 -0.288044 1.609998 +!J 0 0.725997 -0.327222 1.612970 +!J 0 0.734736 -0.365034 1.613657 +!J 0 0.743579 -0.401289 1.611778 +!J 0 0.752529 -0.435786 1.607029 +!J 0 0.761586 -0.468313 1.599085 +!J 0 0.770752 -0.498652 1.587608 +!J 0 0.780029 -0.526582 1.572244 +!J 0 0.789418 -0.551874 1.552634 +!J 0 0.798919 -0.574302 1.528419 +!J 0 0.808535 -0.593642 1.499246 +!J 0 0.818266 -0.609679 1.464777 +!J 0 0.828115 -0.622205 1.424699 +!J 0 0.838082 -0.631031 1.378736 +!J 0 0.848169 -0.635986 1.326658 +!J 0 0.858378 -0.636928 1.268292 +!J 0 0.868709 -0.633744 1.203542 +!J 0 0.879165 -0.626361 1.132392 +!J 0 0.889747 -0.614745 1.054926 +!J 0 0.900456 -0.598916 0.971339 +!J 0 0.911294 -0.578942 0.881943 +!J 0 0.922262 -0.554955 0.787185 +!J 0 0.933362 -0.527145 0.687648 +!J 0 0.944596 -0.495770 0.584061 +!J 0 0.955966 -0.461153 0.477295 +!J 0 0.967472 -0.423684 0.368369 +!J 0 0.979116 -0.383819 0.258435 +!J 0 0.990901 -0.342074 0.148774 +!J 0 1.002827 -0.299024 0.040774 +!J 0 1.014897 -0.255287 -0.064088 +!J 0 1.027112 -0.211523 -0.164276 +!J 0 1.039475 -0.168414 -0.258230 +!J 0 1.051986 -0.126653 -0.344400 +!J 0 1.064648 -0.086926 -0.421296 +!J 0 1.077462 -0.049892 -0.487534 +!J 0 1.090430 -0.016165 -0.541885 +!J 0 1.103554 0.013707 -0.583330 +!J 0 1.116837 0.039265 -0.611111 +!J 0 1.130279 0.060155 -0.624785 +!J 0 1.143883 0.076153 -0.624264 +!J 0 1.157651 0.087176 -0.609861 +!J 0 1.171584 0.093297 -0.582316 +!J 0 1.185686 0.094752 -0.542817 +!J 0 1.199956 0.091949 -0.493010 +!J 0 1.214399 0.085458 -0.434981 +!J 0 1.229016 0.076002 -0.371222 +!J 0 1.243808 0.064421 -0.304514 +!J 0 1.258779 0.051630 -0.237826 +!J 0 1.273929 0.038586 -0.174221 +!J 0 1.289262 0.026244 -0.116729 +!J 0 1.304780 0.015495 -0.068218 +!J 0 1.320484 0.007140 -0.031259 +!J 0 1.328407 0.004071 -0.017801 +!J 0 1.336377 0.001828 -0.007994 +!J 0 1.344396 0.000460 -0.002015 +!J 0 1.352462 0.000000 -0.000000 +!J 0 1.360577 -0.000000 -0.000000 +!J 0 1.368740 -0.000000 -0.000000 +!J 0 1.376953 -0.000000 -0.000000 +!J 0 1.385215 -0.000000 -0.000000 +!J 0 1.393526 -0.000000 -0.000000 +!J 0 1.401887 -0.000000 -0.000000 +!J 0 1.410298 -0.000000 -0.000000 +!J 0 1.418760 -0.000000 -0.000000 +!J 0 1.427273 -0.000000 -0.000000 +!J 0 1.435836 -0.000000 -0.000000 +!J 0 1.444451 -0.000000 -0.000000 +!J 0 1.453118 -0.000000 -0.000000 +!J 0 1.461837 -0.000000 -0.000000 +!J 0 1.470608 -0.000000 -0.000000 +!J 0 1.479431 -0.000000 -0.000000 +!J 0 1.488308 -0.000000 -0.000000 +!J 0 1.497238 -0.000000 -0.000000 +!J 0 1.506221 -0.000000 -0.000000 +!J 0 1.515259 -0.000000 -0.000000 +!J 0 1.524350 -0.000000 -0.000000 +!J 0 1.533496 -0.000000 -0.000000 +!J 0 1.542697 -0.000000 -0.000000 +!J 0 1.551953 -0.000000 -0.000000 +!J 0 1.561265 -0.000000 -0.000000 +!J 0 1.570633 -0.000000 -0.000000 +!J 0 1.580056 -0.000000 -0.000000 + + +n= 2, l= 1, all-electron wave function, pseudo w-f + +& 11 0.009958 0.001474 0.000456 +& 11 0.020051 0.005706 0.001848 +& 11 0.030117 0.012345 0.004165 +& 11 0.040134 0.021059 0.007385 +& 11 0.050377 0.031869 0.011613 +& 11 0.060642 0.044377 0.016788 +& 11 0.070847 0.058250 0.022850 +& 11 0.081297 0.073729 0.029988 +& 11 0.091629 0.090112 0.037953 +& 11 0.102046 0.107542 0.046876 +& 11 0.112296 0.125434 0.056507 +& 11 0.122839 0.144463 0.067268 +& 11 0.133569 0.164350 0.079080 +& 11 0.144371 0.184772 0.091813 +& 11 0.155116 0.205375 0.105283 +& 11 0.165666 0.225789 0.119252 +& 11 0.175879 0.245644 0.133440 +& 11 0.186721 0.266745 0.149180 +& 11 0.197049 0.286803 0.164783 +& 11 0.207949 0.307860 0.181851 +& 11 0.218143 0.327401 0.198331 +& 11 0.228836 0.347694 0.216112 +& 11 0.240054 0.368707 0.235257 +& 11 0.250319 0.387655 0.253174 +& 11 0.261024 0.407093 0.272213 +& 11 0.272186 0.426983 0.292402 +& 11 0.283826 0.447282 0.313761 +& 11 0.294198 0.464968 0.333007 +& 11 0.304949 0.482883 0.353120 +& 11 0.316094 0.500988 0.374091 +& 11 0.327645 0.519241 0.395905 +& 11 0.339619 0.537597 0.418535 +& 11 0.349930 0.552936 0.437992 +& 11 0.360555 0.568284 0.457962 +& 11 0.371502 0.583608 0.478412 +& 11 0.382782 0.598876 0.499300 +& 11 0.394404 0.614055 0.520579 +& 11 0.406379 0.629110 0.542192 +& 11 0.418717 0.644005 0.564074 +& 11 0.428857 0.655782 0.581725 +& 11 0.439243 0.667413 0.599461 +& 11 0.449880 0.678879 0.617236 +& 11 0.460775 0.690159 0.635001 +& 11 0.471933 0.701232 0.652704 +& 11 0.483362 0.712076 0.670290 +& 11 0.495067 0.722667 0.687698 +& 11 0.507056 0.732982 0.704866 +& 11 0.519336 0.742997 0.721729 +& 11 0.531912 0.752687 0.738218 +& 11 0.544794 0.762028 0.754262 +& 11 0.557987 0.770994 0.769790 +& 11 0.568091 0.777457 0.781053 +& 11 0.578378 0.783685 0.791953 +& 11 0.588852 0.789668 0.802459 +& 11 0.599515 0.795395 0.812539 +& 11 0.610371 0.800857 0.822164 +& 11 0.621423 0.806044 0.831303 +& 11 0.632676 0.810946 0.839926 +& 11 0.644133 0.815554 0.848007 +& 11 0.655797 0.819861 0.855517 +& 11 0.667672 0.823857 0.862433 +& 11 0.679763 0.827534 0.868730 +& 11 0.692072 0.830885 0.874388 +& 11 0.704604 0.833904 0.879387 +& 11 0.717363 0.836582 0.883711 +& 11 0.730353 0.838915 0.887347 +& 11 0.743579 0.840896 0.890285 +& 11 0.757044 0.842520 0.892517 +& 11 0.770752 0.843783 0.894040 +& 11 0.784709 0.844680 0.894855 +& 11 0.798919 0.845208 0.894965 +& 11 0.813386 0.845364 0.894378 +& 11 0.828115 0.845146 0.893105 +& 11 0.843111 0.844551 0.891163 +& 11 0.853258 0.843945 0.889506 +& 11 0.863528 0.843170 0.887566 +& 11 0.873922 0.842227 0.885352 +& 11 0.884440 0.841116 0.882870 +& 11 0.895085 0.839836 0.880130 +& 11 0.905859 0.838388 0.877141 +& 11 0.916761 0.836773 0.873912 +& 11 0.927796 0.834991 0.870455 +& 11 0.938963 0.833041 0.866780 +& 11 0.950264 0.830926 0.862898 +& 11 0.961701 0.828645 0.858820 +& 11 0.973276 0.826200 0.854559 +& 11 0.984991 0.823591 0.850125 +& 11 0.996846 0.820820 0.845531 +& 11 1.008844 0.817888 0.840789 +& 11 1.020987 0.814796 0.835911 +& 11 1.033275 0.811546 0.830907 +& 11 1.045712 0.808138 0.825789 +& 11 1.058298 0.804575 0.820568 +& 11 1.071035 0.800859 0.815254 +& 11 1.083926 0.796991 0.809856 +& 11 1.096973 0.792973 0.804384 +& 11 1.110176 0.788807 0.798846 +& 11 1.123538 0.784495 0.793249 +& 11 1.137061 0.780039 0.787599 +& 11 1.150746 0.775442 0.781902 +& 11 1.164597 0.770706 0.776162 +& 11 1.178614 0.765833 0.770382 +& 11 1.192800 0.760826 0.764564 +& 11 1.207156 0.755687 0.758710 +& 11 1.221686 0.750420 0.752819 +& 11 1.236390 0.745026 0.746891 +& 11 1.251271 0.739508 0.740923 +& 11 1.266331 0.733870 0.734912 +& 11 1.281573 0.728114 0.728855 +& 11 1.296998 0.722243 0.722747 +& 11 1.312608 0.716260 0.716584 +& 11 1.328407 0.710168 0.710361 +& 11 1.344396 0.703971 0.704071 +& 11 1.360577 0.697671 0.697711 +& 11 1.376953 0.691272 0.691276 +& 11 1.393526 0.684776 0.684761 +& 11 1.410298 0.678188 0.678165 +& 11 1.427273 0.671510 0.671485 +& 11 1.444451 0.664746 0.664721 +& 11 1.461837 0.657900 0.657874 +& 11 1.479431 0.650973 0.650948 +& 11 1.497238 0.643971 0.643946 +& 11 1.515259 0.636896 0.636872 +& 11 1.533496 0.629752 0.629728 +& 11 1.551953 0.622542 0.622518 +& 11 1.570633 0.615270 0.615247 +& 11 1.589537 0.607939 0.607916 +& 11 1.608668 0.600553 0.600531 +& 11 1.628030 0.593116 0.593093 +& 11 1.647625 0.585630 0.585608 +& 11 1.667456 0.578099 0.578077 +& 11 1.677461 0.574318 0.574296 +& 11 1.687526 0.570527 0.570506 +& 11 1.697651 0.566727 0.566705 +& 11 1.707837 0.562917 0.562896 +& 11 1.718084 0.559099 0.559079 +& 11 1.728392 0.555273 0.555253 +& 11 1.738763 0.551440 0.551419 +& 11 1.749195 0.547599 0.547578 +& 11 1.759690 0.543751 0.543730 +& 11 1.770249 0.539897 0.539876 +& 11 1.780870 0.536036 0.536016 +& 11 1.791555 0.532170 0.532151 +& 11 1.802305 0.528300 0.528280 +& 11 1.813118 0.524424 0.524404 +& 11 1.823997 0.520544 0.520525 +& 11 1.834941 0.516660 0.516641 +& 11 1.845951 0.512773 0.512754 +& 11 1.857026 0.508883 0.508864 +& 11 1.868169 0.504990 0.504971 +& 11 1.879378 0.501095 0.501077 +& 11 1.890654 0.497199 0.497180 +& 11 1.901998 0.493301 0.493282 +& 11 1.913410 0.489402 0.489383 +& 11 1.924890 0.485502 0.485484 +& 11 1.936440 0.481602 0.481585 +& 11 1.948058 0.477703 0.477685 +& 11 1.959747 0.473805 0.473787 +& 11 1.971505 0.469907 0.469890 +& 11 1.983334 0.466011 0.465994 +& 11 1.995234 0.462117 0.462100 +& 11 2.007206 0.458225 0.458208 +& 11 2.019249 0.454336 0.454319 +& 11 2.031364 0.450449 0.450433 +& 11 2.043552 0.446567 0.446550 +& 11 2.055814 0.442688 0.442671 +& 11 2.068149 0.438813 0.438797 +& 11 2.080558 0.434943 0.434927 +& 11 2.093041 0.431078 0.431062 +& 11 2.105599 0.427218 0.427202 +& 11 2.118233 0.423364 0.423348 +& 11 2.130942 0.419516 0.419500 +& 11 2.143728 0.415674 0.415659 +& 11 2.156590 0.411839 0.411824 +& 11 2.169530 0.408012 0.407996 +& 11 2.182547 0.404191 0.404176 +& 11 2.195642 0.400379 0.400364 +& 11 2.208816 0.396575 0.396560 +& 11 2.222069 0.392779 0.392765 +& 11 2.235401 0.388992 0.388978 +& 11 2.248814 0.385215 0.385201 +& 11 2.262307 0.381447 0.381433 +& 11 2.275880 0.377689 0.377675 +& 11 2.289536 0.373941 0.373927 +& 11 2.303273 0.370204 0.370190 +& 11 2.317093 0.366477 0.366464 +& 11 2.330995 0.362762 0.362748 +& 11 2.344981 0.359058 0.359045 +& 11 2.359051 0.355366 0.355353 +& 11 2.373205 0.351686 0.351673 +& 11 2.387444 0.348018 0.348005 +& 11 2.401769 0.344363 0.344350 +& 11 2.416180 0.340721 0.340709 +& 11 2.430677 0.337093 0.337080 +& 11 2.445261 0.333478 0.333465 +& 11 2.459932 0.329876 0.329864 +& 11 2.474692 0.326289 0.326277 +& 11 2.489540 0.322716 0.322704 +& 11 2.504477 0.319158 0.319146 +& 11 2.519504 0.315615 0.315603 +& 11 2.534621 0.312086 0.312075 +& 11 2.549829 0.308574 0.308562 +& 11 2.565128 0.305077 0.305065 +& 11 2.580519 0.301595 0.301584 +& 11 2.596002 0.298130 0.298119 +& 11 2.611578 0.294682 0.294671 +& 11 2.627247 0.291250 0.291239 +& 11 2.643011 0.287835 0.287824 +& 11 2.658869 0.284437 0.284426 +& 11 2.674822 0.281056 0.281045 +& 11 2.690871 0.277693 0.277682 +& 11 2.707016 0.274347 0.274337 +& 11 2.723258 0.271020 0.271009 +& 11 2.739598 0.267710 0.267700 +& 11 2.756036 0.264419 0.264409 +& 11 2.772572 0.261147 0.261137 +& 11 2.789207 0.257893 0.257883 +& 11 2.805942 0.254658 0.254649 +& 11 2.822778 0.251443 0.251433 +& 11 2.839715 0.248246 0.248237 +& 11 2.856753 0.245069 0.245060 +& 11 2.873894 0.241912 0.241903 +& 11 2.891137 0.238774 0.238765 +& 11 2.908484 0.235657 0.235648 +& 11 2.925935 0.232559 0.232550 +& 11 2.943490 0.229482 0.229473 +& 11 2.961151 0.226425 0.226416 +& 11 2.978918 0.223389 0.223380 +& 11 2.996792 0.220373 0.220365 +& 11 3.014772 0.217379 0.217370 +& 11 3.032861 0.214405 0.214396 +& 11 3.051058 0.211452 0.211444 +& 11 3.069365 0.208521 0.208512 +& 11 3.087781 0.205611 0.205602 +& 11 3.106307 0.202722 0.202714 +& 11 3.124945 0.199855 0.199847 +& 11 3.143695 0.197009 0.197002 +& 11 3.162557 0.194186 0.194178 +& 11 3.181532 0.191384 0.191376 +& 11 3.200622 0.188604 0.188597 +& 11 3.219825 0.185846 0.185839 +& 11 3.239144 0.183111 0.183104 +& 11 3.258579 0.180398 0.180390 +& 11 3.278131 0.177707 0.177699 +& 11 3.297799 0.175038 0.175031 +& 11 3.317586 0.172392 0.172385 +& 11 3.337492 0.169768 0.169762 +& 11 3.357517 0.167168 0.167161 +& 11 3.377662 0.164589 0.164583 +& 11 3.397928 0.162034 0.162027 +& 11 3.418315 0.159501 0.159495 +& 11 3.438825 0.156991 0.156985 +& 11 3.459458 0.154505 0.154498 +& 11 3.480215 0.152041 0.152034 +& 11 3.501096 0.149600 0.149594 +& 11 3.522103 0.147182 0.147176 +& 11 3.543235 0.144787 0.144781 +& 11 3.564495 0.142416 0.142410 +& 11 3.585882 0.140067 0.140061 +& 11 3.607397 0.137742 0.137736 +& 11 3.629041 0.135440 0.135434 +& 11 3.650816 0.133161 0.133155 +& 11 3.672721 0.130905 0.130900 +& 11 3.694757 0.128673 0.128668 +& 11 3.716925 0.126464 0.126459 +& 11 3.739227 0.124279 0.124273 +& 11 3.761662 0.122116 0.122111 +& 11 3.784232 0.119977 0.119972 +& 11 3.806938 0.117861 0.117856 +& 11 3.829779 0.115769 0.115764 +& 11 3.852758 0.113700 0.113695 +& 11 3.875875 0.111654 0.111649 +& 11 3.899130 0.109632 0.109627 +& 11 3.922525 0.107633 0.107628 +& 11 3.946060 0.105657 0.105652 +& 11 3.969736 0.103704 0.103700 +& 11 3.993555 0.101775 0.101770 +& 11 4.017516 0.099869 0.099864 +& 11 4.041621 0.097986 0.097981 +& 11 4.065871 0.096126 0.096122 +& 11 4.090266 0.094289 0.094285 +& 11 4.114808 0.092476 0.092471 +& 11 4.139496 0.090685 0.090681 +& 11 4.164333 0.088917 0.088913 +& 11 4.189319 0.087173 0.087169 +& 11 4.214455 0.085451 0.085447 +& 11 4.239742 0.083752 0.083748 +& 11 4.265180 0.082076 0.082072 +& 11 4.290772 0.080422 0.080419 +& 11 4.316516 0.078792 0.078788 +& 11 4.342415 0.077183 0.077180 +& 11 4.368470 0.075598 0.075594 +& 11 4.394681 0.074034 0.074031 +& 11 4.421049 0.072493 0.072490 +& 11 4.447575 0.070974 0.070971 +& 11 4.474260 0.069478 0.069475 +& 11 4.501106 0.068003 0.068000 +& 11 4.528113 0.066551 0.066548 +& 11 4.555281 0.065120 0.065117 +& 11 4.582613 0.063711 0.063708 +& 11 4.610109 0.062323 0.062320 +& 11 4.637769 0.060958 0.060955 +& 11 4.665596 0.059613 0.059610 +& 11 4.693589 0.058290 0.058287 +& 11 4.721751 0.056988 0.056985 +& 11 4.750082 0.055707 0.055704 +& 11 4.778582 0.054446 0.054444 +& 11 4.807254 0.053207 0.053204 +& 11 4.836097 0.051988 0.051985 +& 11 4.865114 0.050789 0.050787 +& 11 4.894304 0.049611 0.049608 +& 11 4.923670 0.048453 0.048450 +& 11 4.953212 0.047315 0.047312 +& 11 4.982931 0.046196 0.046194 +& 11 5.012829 0.045097 0.045095 +& 11 5.042906 0.044018 0.044016 +& 11 5.073163 0.042958 0.042956 +& 11 5.103602 0.041917 0.041915 +& 11 5.134224 0.040895 0.040893 +& 11 5.165029 0.039892 0.039890 +& 11 5.196020 0.038907 0.038905 +& 11 5.227196 0.037941 0.037939 +& 11 5.258559 0.036993 0.036991 +& 11 5.290110 0.036063 0.036061 +& 11 5.321851 0.035150 0.035148 +& 11 5.353782 0.034256 0.034254 +& 11 5.385905 0.033378 0.033377 +& 11 5.418220 0.032518 0.032516 +& 11 5.450729 0.031675 0.031674 +& 11 5.483434 0.030849 0.030847 +& 11 5.516334 0.030039 0.030038 +& 11 5.549432 0.029246 0.029245 +& 11 5.582729 0.028469 0.028468 +& 11 5.616225 0.027708 0.027707 +& 11 5.649923 0.026963 0.026962 +& 11 5.683822 0.026234 0.026233 +& 11 5.717925 0.025520 0.025519 +& 11 5.752233 0.024821 0.024820 +& 11 5.786746 0.024137 0.024136 +& 11 5.821467 0.023468 0.023467 +& 11 5.856395 0.022814 0.022813 +& 11 5.891534 0.022174 0.022172 +& 11 5.926883 0.021548 0.021547 +& 11 5.962444 0.020936 0.020935 +& 11 5.998219 0.020338 0.020337 + + +scattering, iprj= 2, l= 1, all-electron wave function, pseudo w-f + +& 21 0.009958 0.000863 0.000275 +& 21 0.020051 0.003342 0.001112 +& 21 0.030117 0.007229 0.002506 +& 21 0.040134 0.012329 0.004443 +& 21 0.050377 0.018654 0.006985 +& 21 0.060642 0.025969 0.010094 +& 21 0.070847 0.034078 0.013734 +& 21 0.081297 0.043118 0.018017 +& 21 0.091629 0.052678 0.022791 +& 21 0.102046 0.062838 0.028133 +& 21 0.112296 0.073256 0.033893 +& 21 0.122839 0.084320 0.040318 +& 21 0.133569 0.095865 0.047362 +& 21 0.144371 0.107700 0.054941 +& 21 0.155116 0.119615 0.062943 +& 21 0.165666 0.131395 0.071225 +& 21 0.175879 0.142825 0.079619 +& 21 0.186721 0.154940 0.088909 +& 21 0.197049 0.166421 0.098095 +& 21 0.207949 0.178436 0.108115 +& 21 0.218143 0.189545 0.117761 +& 21 0.228836 0.201037 0.128136 +& 21 0.240054 0.212885 0.139267 +& 21 0.250319 0.223517 0.149646 +& 21 0.261024 0.234369 0.160631 +& 21 0.272186 0.245410 0.172229 +& 21 0.283826 0.256603 0.184440 +& 21 0.294198 0.266289 0.195387 +& 21 0.304949 0.276029 0.206768 +& 21 0.316094 0.285791 0.218566 +& 21 0.327645 0.295543 0.230760 +& 21 0.339619 0.305246 0.243319 +& 21 0.349930 0.313266 0.254039 +& 21 0.360555 0.321201 0.264960 +& 21 0.371502 0.329024 0.276053 +& 21 0.382782 0.336709 0.287282 +& 21 0.394404 0.344226 0.298606 +& 21 0.406379 0.351546 0.309978 +& 21 0.418717 0.358638 0.321347 +& 21 0.428857 0.364127 0.330401 +& 21 0.439243 0.369431 0.339384 +& 21 0.449880 0.374534 0.348261 +& 21 0.460775 0.379417 0.356994 +& 21 0.471933 0.384061 0.365544 +& 21 0.483362 0.388445 0.373869 +& 21 0.495067 0.392549 0.381924 +& 21 0.507056 0.396352 0.389663 +& 21 0.519336 0.399832 0.397038 +& 21 0.531912 0.402966 0.403999 +& 21 0.544794 0.405730 0.410495 +& 21 0.557987 0.408102 0.416474 +& 21 0.568091 0.409609 0.420586 +& 21 0.578378 0.410872 0.424355 +& 21 0.588852 0.411880 0.427758 +& 21 0.599515 0.412624 0.430773 +& 21 0.610371 0.413094 0.433378 +& 21 0.621423 0.413279 0.435552 +& 21 0.632676 0.413170 0.437274 +& 21 0.644133 0.412757 0.438523 +& 21 0.655797 0.412029 0.439281 +& 21 0.667672 0.410978 0.439530 +& 21 0.679763 0.409594 0.439252 +& 21 0.692072 0.407868 0.438431 +& 21 0.704604 0.405789 0.437056 +& 21 0.717363 0.403351 0.435112 +& 21 0.730353 0.400543 0.432589 +& 21 0.743579 0.397357 0.429481 +& 21 0.757044 0.393786 0.425779 +& 21 0.770752 0.389820 0.421482 +& 21 0.784709 0.385453 0.416586 +& 21 0.798919 0.380676 0.411093 +& 21 0.813386 0.375484 0.405007 +& 21 0.828115 0.369868 0.398333 +& 21 0.843111 0.363822 0.391080 +& 21 0.853258 0.359550 0.385927 +& 21 0.863528 0.355083 0.380525 +& 21 0.873922 0.350418 0.374877 +& 21 0.884440 0.345555 0.368989 +& 21 0.895085 0.340492 0.362864 +& 21 0.905859 0.335228 0.356508 +& 21 0.916761 0.329761 0.349927 +& 21 0.927796 0.324090 0.343125 +& 21 0.938963 0.318214 0.336108 +& 21 0.950264 0.312132 0.328882 +& 21 0.961701 0.305844 0.321452 +& 21 0.973276 0.299347 0.313826 +& 21 0.984991 0.292642 0.306007 +& 21 0.996846 0.285728 0.298003 +& 21 1.008844 0.278605 0.289818 +& 21 1.020987 0.271272 0.281457 +& 21 1.033275 0.263729 0.272925 +& 21 1.045712 0.255975 0.264226 +& 21 1.058298 0.248012 0.255366 +& 21 1.071035 0.239838 0.246346 +& 21 1.083926 0.231455 0.237170 +& 21 1.096973 0.222863 0.227842 +& 21 1.110176 0.214062 0.218361 +& 21 1.123538 0.205053 0.208731 +& 21 1.137061 0.195837 0.198952 +& 21 1.150746 0.186415 0.189024 +& 21 1.164597 0.176789 0.178948 +& 21 1.178614 0.166959 0.168723 +& 21 1.192800 0.156928 0.158348 +& 21 1.207156 0.146697 0.147822 +& 21 1.221686 0.136268 0.137143 +& 21 1.236390 0.125644 0.126311 +& 21 1.251271 0.114827 0.115323 +& 21 1.266331 0.103820 0.104179 +& 21 1.281573 0.092624 0.092876 +& 21 1.296998 0.081245 0.081415 +& 21 1.312608 0.069685 0.069794 +& 21 1.328407 0.057947 0.058013 +& 21 1.344396 0.046036 0.046073 +& 21 1.360577 0.033956 0.033975 +& 21 1.376953 0.021711 0.021720 +& 21 1.393526 0.009307 0.009310 +& 21 1.410298 -0.003252 -0.003251 +& 21 1.427273 -0.015961 -0.015960 +& 21 1.444451 -0.028812 -0.028812 +& 21 1.461837 -0.041802 -0.041800 +& 21 1.479431 -0.054922 -0.054920 +& 21 1.497238 -0.068165 -0.068163 +& 21 1.515259 -0.081526 -0.081523 +& 21 1.533496 -0.094995 -0.094992 +& 21 1.551953 -0.108565 -0.108561 +& 21 1.570633 -0.122228 -0.122223 +& 21 1.589537 -0.135973 -0.135969 +& 21 1.608668 -0.149793 -0.149788 +& 21 1.628030 -0.163676 -0.163671 +& 21 1.647625 -0.177613 -0.177607 +& 21 1.667456 -0.191593 -0.191586 +& 21 1.677461 -0.198595 -0.198588 +& 21 1.687526 -0.205604 -0.205597 +& 21 1.697651 -0.212617 -0.212610 +& 21 1.707837 -0.219634 -0.219626 +& 21 1.718084 -0.226652 -0.226645 +& 21 1.728392 -0.233670 -0.233663 +& 21 1.738763 -0.240687 -0.240679 +& 21 1.749195 -0.247701 -0.247693 +& 21 1.759690 -0.254709 -0.254701 +& 21 1.770249 -0.261711 -0.261703 +& 21 1.780870 -0.268704 -0.268696 +& 21 1.791555 -0.275687 -0.275678 +& 21 1.802305 -0.282658 -0.282649 +& 21 1.813118 -0.289614 -0.289605 +& 21 1.823997 -0.296554 -0.296545 +& 21 1.834941 -0.303476 -0.303467 +& 21 1.845951 -0.310378 -0.310369 +& 21 1.857026 -0.317258 -0.317249 +& 21 1.868169 -0.324113 -0.324104 +& 21 1.879378 -0.330942 -0.330933 +& 21 1.890654 -0.337743 -0.337733 +& 21 1.901998 -0.344512 -0.344502 +& 21 1.913410 -0.351248 -0.351238 +& 21 1.924890 -0.357949 -0.357939 +& 21 1.936440 -0.364612 -0.364602 +& 21 1.948058 -0.371235 -0.371224 +& 21 1.959747 -0.377815 -0.377804 +& 21 1.971505 -0.384349 -0.384339 +& 21 1.983334 -0.390836 -0.390826 +& 21 1.995234 -0.397273 -0.397263 +& 21 2.007206 -0.403657 -0.403646 +& 21 2.019249 -0.409986 -0.409975 +& 21 2.031364 -0.416256 -0.416245 +& 21 2.043552 -0.422465 -0.422454 +& 21 2.055814 -0.428611 -0.428600 +& 21 2.068149 -0.434690 -0.434679 +& 21 2.080558 -0.440699 -0.440688 +& 21 2.093041 -0.446636 -0.446625 +& 21 2.105599 -0.452498 -0.452487 +& 21 2.118233 -0.458282 -0.458271 +& 21 2.130942 -0.463984 -0.463973 +& 21 2.143728 -0.469602 -0.469591 +& 21 2.156590 -0.475133 -0.475122 +& 21 2.169530 -0.480572 -0.480561 +& 21 2.182547 -0.485918 -0.485907 +& 21 2.195642 -0.491167 -0.491156 +& 21 2.208816 -0.496316 -0.496305 +& 21 2.222069 -0.501360 -0.501349 +& 21 2.235401 -0.506298 -0.506287 +& 21 2.248814 -0.511125 -0.511115 +& 21 2.262307 -0.515839 -0.515828 +& 21 2.275880 -0.520435 -0.520424 +& 21 2.289536 -0.524910 -0.524900 +& 21 2.303273 -0.529261 -0.529251 +& 21 2.317093 -0.533484 -0.533474 +& 21 2.330995 -0.537576 -0.537566 +& 21 2.344981 -0.541533 -0.541522 +& 21 2.359051 -0.545350 -0.545340 +& 21 2.373205 -0.549026 -0.549016 +& 21 2.387444 -0.552555 -0.552545 +& 21 2.401769 -0.555935 -0.555925 +& 21 2.416180 -0.559160 -0.559151 +& 21 2.430677 -0.562229 -0.562220 +& 21 2.445261 -0.565136 -0.565127 +& 21 2.459932 -0.567879 -0.567870 +& 21 2.474692 -0.570452 -0.570444 +& 21 2.489540 -0.572853 -0.572845 +& 21 2.504477 -0.575078 -0.575070 +& 21 2.519504 -0.577122 -0.577114 +& 21 2.534621 -0.578983 -0.578975 +& 21 2.549829 -0.580655 -0.580647 +& 21 2.565128 -0.582135 -0.582128 +& 21 2.580519 -0.583420 -0.583413 +& 21 2.596002 -0.584505 -0.584499 +& 21 2.611578 -0.585387 -0.585381 +& 21 2.627247 -0.586062 -0.586056 +& 21 2.643011 -0.586526 -0.586520 +& 21 2.658869 -0.586775 -0.586769 +& 21 2.674822 -0.586805 -0.586800 +& 21 2.690871 -0.586613 -0.586609 +& 21 2.707016 -0.586196 -0.586191 +& 21 2.723258 -0.585548 -0.585544 +& 21 2.739598 -0.584667 -0.584664 +& 21 2.756036 -0.583550 -0.583547 +& 21 2.772572 -0.582192 -0.582189 +& 21 2.789207 -0.580590 -0.580588 +& 21 2.805942 -0.578741 -0.578739 +& 21 2.822778 -0.576641 -0.576640 +& 21 2.839715 -0.574288 -0.574287 +& 21 2.856753 -0.571677 -0.571676 +& 21 2.873894 -0.568806 -0.568806 +& 21 2.891137 -0.565671 -0.565671 +& 21 2.908484 -0.562270 -0.562271 +& 21 2.925935 -0.558600 -0.558601 +& 21 2.943490 -0.554658 -0.554660 +& 21 2.961151 -0.550441 -0.550443 +& 21 2.978918 -0.545947 -0.545950 +& 21 2.996792 -0.541173 -0.541177 +& 21 3.014772 -0.536118 -0.536121 +& 21 3.032861 -0.530778 -0.530782 +& 21 3.051058 -0.525152 -0.525157 +& 21 3.069365 -0.519239 -0.519244 +& 21 3.087781 -0.513035 -0.513041 +& 21 3.106307 -0.506540 -0.506547 +& 21 3.124945 -0.499753 -0.499760 +& 21 3.143695 -0.492672 -0.492679 +& 21 3.162557 -0.485296 -0.485304 +& 21 3.181532 -0.477624 -0.477633 +& 21 3.200622 -0.469656 -0.469666 +& 21 3.219825 -0.461392 -0.461402 +& 21 3.239144 -0.452830 -0.452841 +& 21 3.258579 -0.443972 -0.443983 +& 21 3.278131 -0.434817 -0.434829 +& 21 3.297799 -0.425367 -0.425379 +& 21 3.317586 -0.415621 -0.415633 +& 21 3.337492 -0.405580 -0.405594 +& 21 3.357517 -0.395247 -0.395261 +& 21 3.377662 -0.384623 -0.384638 +& 21 3.397928 -0.373709 -0.373725 +& 21 3.418315 -0.362509 -0.362524 +& 21 3.438825 -0.351023 -0.351039 +& 21 3.459458 -0.339255 -0.339272 +& 21 3.480215 -0.327209 -0.327226 +& 21 3.501096 -0.314887 -0.314905 +& 21 3.522103 -0.302293 -0.302312 +& 21 3.543235 -0.289432 -0.289452 +& 21 3.564495 -0.276308 -0.276328 +& 21 3.585882 -0.262926 -0.262946 +& 21 3.607397 -0.249291 -0.249312 +& 21 3.629041 -0.235408 -0.235429 +& 21 3.650816 -0.221284 -0.221306 +& 21 3.672721 -0.206925 -0.206947 +& 21 3.694757 -0.192337 -0.192360 +& 21 3.716925 -0.177529 -0.177552 +& 21 3.739227 -0.162506 -0.162531 +& 21 3.761662 -0.147279 -0.147303 +& 21 3.784232 -0.131854 -0.131879 +& 21 3.806938 -0.116241 -0.116266 +& 21 3.829779 -0.100448 -0.100474 +& 21 3.852758 -0.084487 -0.084513 +& 21 3.875875 -0.068366 -0.068393 +& 21 3.899130 -0.052096 -0.052124 +& 21 3.922525 -0.035689 -0.035717 +& 21 3.946060 -0.019156 -0.019184 +& 21 3.969736 -0.002508 -0.002537 +& 21 3.993555 0.014241 0.014212 +& 21 4.017516 0.031079 0.031050 +& 21 4.041621 0.047994 0.047964 +& 21 4.065871 0.064970 0.064940 +& 21 4.090266 0.081994 0.081964 +& 21 4.114808 0.099051 0.099021 +& 21 4.139496 0.116127 0.116097 +& 21 4.164333 0.133205 0.133175 +& 21 4.189319 0.150271 0.150240 +& 21 4.214455 0.167307 0.167276 +& 21 4.239742 0.184296 0.184266 +& 21 4.265180 0.201223 0.201192 +& 21 4.290772 0.218068 0.218037 +& 21 4.316516 0.234815 0.234784 +& 21 4.342415 0.251444 0.251413 +& 21 4.368470 0.267938 0.267907 +& 21 4.394681 0.284276 0.284246 +& 21 4.421049 0.300440 0.300410 +& 21 4.447575 0.316411 0.316380 +& 21 4.474260 0.332167 0.332137 +& 21 4.501106 0.347688 0.347659 +& 21 4.528113 0.362955 0.362925 +& 21 4.555281 0.377945 0.377916 +& 21 4.582613 0.392639 0.392610 +& 21 4.610109 0.407014 0.406986 +& 21 4.637769 0.421049 0.421022 +& 21 4.665596 0.434723 0.434696 +& 21 4.693589 0.448013 0.447987 +& 21 4.721751 0.460898 0.460872 +& 21 4.750082 0.473356 0.473331 +& 21 4.778582 0.485364 0.485340 +& 21 4.807254 0.496901 0.496878 +& 21 4.836097 0.507945 0.507922 +& 21 4.865114 0.518473 0.518451 +& 21 4.894304 0.528463 0.528442 +& 21 4.923670 0.537895 0.537874 +& 21 4.953212 0.546745 0.546726 +& 21 4.982931 0.554994 0.554975 +& 21 5.012829 0.562619 0.562601 +& 21 5.042906 0.569600 0.569584 +& 21 5.073163 0.575916 0.575901 +& 21 5.103602 0.581548 0.581534 +& 21 5.134224 0.586475 0.586463 +& 21 5.165029 0.590680 0.590668 +& 21 5.196020 0.594142 0.594132 +& 21 5.227196 0.596844 0.596835 +& 21 5.258559 0.598770 0.598762 +& 21 5.290110 0.599902 0.599896 +& 21 5.321851 0.600225 0.600220 +& 21 5.353782 0.599724 0.599720 +& 21 5.385905 0.598384 0.598383 +& 21 5.418220 0.596195 0.596194 +& 21 5.450729 0.593142 0.593143 +& 21 5.483434 0.589216 0.589219 +& 21 5.516334 0.584407 0.584411 +& 21 5.549432 0.578707 0.578713 +& 21 5.582729 0.572109 0.572116 +& 21 5.616225 0.564606 0.564616 +& 21 5.649923 0.556196 0.556207 +& 21 5.683822 0.546876 0.546888 +& 21 5.717925 0.536643 0.536658 +& 21 5.752233 0.525500 0.525516 +& 21 5.786746 0.513449 0.513466 +& 21 5.821467 0.500493 0.500512 +& 21 5.856395 0.486638 0.486659 +& 21 5.891534 0.471893 0.471916 +& 21 5.926883 0.456268 0.456292 +& 21 5.962444 0.439774 0.439799 +& 21 5.998219 0.422425 0.422452 + + +!J 1 0.009958 0.002057 -0.000854 +!J 1 0.017897 0.006638 -0.002757 +!J 1 0.025933 0.013922 -0.005782 +!J 1 0.033944 0.023815 -0.009889 +!J 1 0.041850 0.036129 -0.015001 +!J 1 0.049778 0.050992 -0.021169 +!J 1 0.057808 0.068576 -0.028460 +!J 1 0.065939 0.088928 -0.036892 +!J 1 0.073877 0.111214 -0.046114 +!J 1 0.081785 0.135739 -0.056246 +!J 1 0.089999 0.163599 -0.067731 +!J 1 0.098449 0.194705 -0.080517 +!J 1 0.106410 0.226208 -0.093418 +!J 1 0.114330 0.259565 -0.107020 +!J 1 0.122839 0.297547 -0.122420 +!J 1 0.131194 0.336884 -0.138258 +!J 1 0.139281 0.376773 -0.154184 +!J 1 0.147867 0.420933 -0.171638 +!J 1 0.156047 0.464600 -0.188687 +!J 1 0.164678 0.512219 -0.207011 +!J 1 0.172751 0.558032 -0.224342 +!J 1 0.181219 0.607255 -0.242595 +!J 1 0.190102 0.659983 -0.261671 +!J 1 0.198232 0.709039 -0.278921 +!J 1 0.206709 0.760825 -0.296543 +!J 1 0.215549 0.815305 -0.314348 +!J 1 0.224766 0.872398 -0.332092 +!J 1 0.232980 0.923310 -0.347019 +!J 1 0.241494 0.975910 -0.361434 +!J 1 0.250319 1.030028 -0.375052 +!J 1 0.259467 1.085443 -0.387535 +!J 1 0.268949 1.141878 -0.398488 +!J 1 0.277115 1.189445 -0.406121 +!J 1 0.285529 1.237255 -0.412079 +!J 1 0.294198 1.285040 -0.416033 +!J 1 0.303131 1.332494 -0.417618 +!J 1 0.312334 1.379270 -0.416442 +!J 1 0.321818 1.424982 -0.412078 +!J 1 0.331589 1.469198 -0.404074 +!J 1 0.339619 1.503177 -0.394731 +!J 1 0.347843 1.535635 -0.382502 +!J 1 0.356267 1.566291 -0.367133 +!J 1 0.364895 1.594851 -0.348365 +!J 1 0.373731 1.621006 -0.325946 +!J 1 0.382782 1.644433 -0.299630 +!J 1 0.392051 1.664798 -0.269184 +!J 1 0.401546 1.681760 -0.234395 +!J 1 0.411270 1.694973 -0.195075 +!J 1 0.421230 1.704088 -0.151071 +!J 1 0.431430 1.708762 -0.102269 +!J 1 0.441878 1.708658 -0.048605 +!J 1 0.449880 1.705248 -0.005160 +!J 1 0.458026 1.698838 0.041003 +!J 1 0.466321 1.689305 0.089842 +!J 1 0.474765 1.676535 0.141289 +!J 1 0.483362 1.660424 0.195251 +!J 1 0.492115 1.640880 0.251608 +!J 1 0.501026 1.617824 0.310212 +!J 1 0.510099 1.591190 0.370888 +!J 1 0.519336 1.560929 0.433433 +!J 1 0.528740 1.527009 0.497615 +!J 1 0.538315 1.489415 0.563177 +!J 1 0.548062 1.448152 0.629835 +!J 1 0.557987 1.403244 0.697284 +!J 1 0.568091 1.354735 0.765197 +!J 1 0.578378 1.302690 0.833232 +!J 1 0.588852 1.247196 0.901034 +!J 1 0.599515 1.188361 0.968238 +!J 1 0.610371 1.126314 1.034475 +!J 1 0.621423 1.061208 1.099376 +!J 1 0.632676 0.993215 1.162578 +!J 1 0.644133 0.922531 1.223723 +!J 1 0.655797 0.849376 1.282467 +!J 1 0.667672 0.773992 1.338477 +!J 1 0.675708 0.722629 1.374140 +!J 1 0.683841 0.670479 1.408355 +!J 1 0.692072 0.617636 1.441032 +!J 1 0.700402 0.564195 1.472083 +!J 1 0.708832 0.510261 1.501420 +!J 1 0.717363 0.455945 1.528958 +!J 1 0.725997 0.401364 1.554605 +!J 1 0.734736 0.346646 1.578270 +!J 1 0.743579 0.291923 1.599857 +!J 1 0.752529 0.237339 1.619263 +!J 1 0.761586 0.183048 1.636378 +!J 1 0.770752 0.129212 1.651081 +!J 1 0.780029 0.076005 1.663242 +!J 1 0.789418 0.023612 1.672715 +!J 1 0.798919 -0.027772 1.679341 +!J 1 0.808535 -0.077939 1.682945 +!J 1 0.818266 -0.126671 1.683335 +!J 1 0.828115 -0.173740 1.680304 +!J 1 0.838082 -0.218906 1.673626 +!J 1 0.848169 -0.261922 1.663063 +!J 1 0.858378 -0.302533 1.648362 +!J 1 0.868709 -0.340481 1.629261 +!J 1 0.879165 -0.375504 1.605495 +!J 1 0.889747 -0.407342 1.576799 +!J 1 0.900456 -0.435738 1.542915 +!J 1 0.911294 -0.460448 1.503602 +!J 1 0.922262 -0.481240 1.458648 +!J 1 0.933362 -0.497903 1.407877 +!J 1 0.944596 -0.510252 1.351160 +!J 1 0.955966 -0.518135 1.288437 +!J 1 0.967472 -0.521442 1.219718 +!J 1 0.979116 -0.520106 1.145109 +!J 1 0.990901 -0.514115 1.064816 +!J 1 1.002827 -0.503517 0.979163 +!J 1 1.014897 -0.488427 0.888602 +!J 1 1.027112 -0.469027 0.793719 +!J 1 1.039475 -0.445577 0.695245 +!J 1 1.051986 -0.418409 0.594054 +!J 1 1.064648 -0.387933 0.491161 +!J 1 1.077462 -0.354633 0.387715 +!J 1 1.090430 -0.319062 0.284986 +!J 1 1.103554 -0.281833 0.184344 +!J 1 1.116837 -0.243611 0.087234 +!J 1 1.130279 -0.205099 -0.004861 +!J 1 1.143883 -0.167022 -0.090453 +!J 1 1.157651 -0.130108 -0.168100 +!J 1 1.171584 -0.095068 -0.236450 +!J 1 1.185686 -0.062574 -0.294296 +!J 1 1.199956 -0.033234 -0.340626 +!J 1 1.214399 -0.007576 -0.374677 +!J 1 1.229016 0.013984 -0.395985 +!J 1 1.243808 0.031160 -0.404455 +!J 1 1.258779 0.043821 -0.400402 +!J 1 1.273929 0.052000 -0.384578 +!J 1 1.289262 0.055904 -0.358176 +!J 1 1.304780 0.055910 -0.322821 +!J 1 1.320484 0.052557 -0.280531 +!J 1 1.328407 0.049828 -0.257512 +!J 1 1.336377 0.046525 -0.233667 +!J 1 1.344396 0.042750 -0.209329 +!J 1 1.352462 0.038611 -0.184843 +!J 1 1.360577 0.034219 -0.160559 +!J 1 1.368740 0.029688 -0.136830 +!J 1 1.376953 0.025132 -0.114005 +!J 1 1.385215 0.020665 -0.092429 +!J 1 1.393526 0.016400 -0.072439 +!J 1 1.401887 0.012441 -0.054348 +!J 1 1.410298 0.008887 -0.038448 +!J 1 1.418760 0.005830 -0.025007 +!J 1 1.427273 0.003349 -0.014261 +!J 1 1.435836 0.001514 -0.006410 +!J 1 1.444451 0.000384 -0.001617 +!J 1 1.453118 -0.000000 0.000000 +!J 1 1.461837 0.000000 -0.000000 +!J 1 1.470608 0.000000 -0.000000 +!J 1 1.479431 0.000000 -0.000000 +!J 1 1.488308 0.000000 -0.000000 +!J 1 1.497238 0.000000 -0.000000 +!J 1 1.506221 0.000000 -0.000000 +!J 1 1.515259 0.000000 -0.000000 +!J 1 1.524350 0.000000 -0.000000 +!J 1 1.533496 0.000000 -0.000000 +!J 1 1.542697 0.000000 -0.000000 +!J 1 1.551953 0.000000 -0.000000 +!J 1 1.561265 0.000000 -0.000000 +!J 1 1.570633 0.000000 -0.000000 +!J 1 1.580056 0.000000 -0.000000 + + +scattering, iprj= 1, l= 2, all-electron wave function, pseudo w-f + +& 12 0.009958 0.000000 0.000000 +& 12 0.020051 0.000001 0.000000 +& 12 0.030117 0.000004 0.000001 +& 12 0.040134 0.000008 0.000003 +& 12 0.050377 0.000016 0.000006 +& 12 0.060642 0.000027 0.000010 +& 12 0.070847 0.000042 0.000017 +& 12 0.081297 0.000062 0.000025 +& 12 0.091629 0.000086 0.000036 +& 12 0.102046 0.000116 0.000050 +& 12 0.112296 0.000151 0.000067 +& 12 0.122839 0.000193 0.000089 +& 12 0.133569 0.000243 0.000115 +& 12 0.144371 0.000299 0.000146 +& 12 0.155116 0.000362 0.000182 +& 12 0.165666 0.000432 0.000223 +& 12 0.175879 0.000505 0.000269 +& 12 0.186721 0.000591 0.000324 +& 12 0.197049 0.000680 0.000383 +& 12 0.207949 0.000782 0.000452 +& 12 0.218143 0.000884 0.000525 +& 12 0.228836 0.000999 0.000609 +& 12 0.240054 0.001129 0.000705 +& 12 0.250319 0.001254 0.000803 +& 12 0.261024 0.001394 0.000912 +& 12 0.272186 0.001547 0.001037 +& 12 0.283826 0.001717 0.001177 +& 12 0.294198 0.001876 0.001312 +& 12 0.304949 0.002048 0.001461 +& 12 0.316094 0.002236 0.001626 +& 12 0.327645 0.002440 0.001808 +& 12 0.339619 0.002661 0.002009 +& 12 0.349930 0.002859 0.002191 +& 12 0.360555 0.003071 0.002388 +& 12 0.371502 0.003298 0.002601 +& 12 0.382782 0.003541 0.002831 +& 12 0.394404 0.003799 0.003078 +& 12 0.406379 0.004076 0.003345 +& 12 0.418717 0.004371 0.003632 +& 12 0.428857 0.004621 0.003876 +& 12 0.439243 0.004885 0.004135 +& 12 0.449880 0.005163 0.004409 +& 12 0.460775 0.005455 0.004699 +& 12 0.471933 0.005762 0.005006 +& 12 0.483362 0.006086 0.005330 +& 12 0.495067 0.006426 0.005673 +& 12 0.507056 0.006785 0.006036 +& 12 0.519336 0.007161 0.006419 +& 12 0.531912 0.007557 0.006825 +& 12 0.544794 0.007973 0.007254 +& 12 0.557987 0.008410 0.007708 +& 12 0.568091 0.008752 0.008065 +& 12 0.578378 0.009107 0.008438 +& 12 0.588852 0.009475 0.008828 +& 12 0.599515 0.009857 0.009234 +& 12 0.610371 0.010253 0.009657 +& 12 0.621423 0.010664 0.010099 +& 12 0.632676 0.011090 0.010559 +& 12 0.644133 0.011532 0.011039 +& 12 0.655797 0.011989 0.011538 +& 12 0.667672 0.012464 0.012058 +& 12 0.679763 0.012956 0.012599 +& 12 0.692072 0.013465 0.013160 +& 12 0.704604 0.013994 0.013743 +& 12 0.717363 0.014541 0.014347 +& 12 0.730353 0.015108 0.014972 +& 12 0.743579 0.015696 0.015619 +& 12 0.757044 0.016305 0.016286 +& 12 0.770752 0.016936 0.016975 +& 12 0.784709 0.017590 0.017684 +& 12 0.798919 0.018268 0.018413 +& 12 0.813386 0.018970 0.019162 +& 12 0.828115 0.019698 0.019930 +& 12 0.843111 0.020452 0.020718 +& 12 0.853258 0.020969 0.021255 +& 12 0.863528 0.021499 0.021800 +& 12 0.873922 0.022042 0.022354 +& 12 0.884440 0.022598 0.022918 +& 12 0.895085 0.023167 0.023491 +& 12 0.905859 0.023750 0.024073 +& 12 0.916761 0.024347 0.024666 +& 12 0.927796 0.024958 0.025270 +& 12 0.938963 0.025584 0.025885 +& 12 0.950264 0.026225 0.026513 +& 12 0.961701 0.026881 0.027152 +& 12 0.973276 0.027553 0.027806 +& 12 0.984991 0.028242 0.028474 +& 12 0.996846 0.028947 0.029157 +& 12 1.008844 0.029669 0.029857 +& 12 1.020987 0.030409 0.030574 +& 12 1.033275 0.031167 0.031309 +& 12 1.045712 0.031943 0.032063 +& 12 1.058298 0.032738 0.032837 +& 12 1.071035 0.033552 0.033632 +& 12 1.083926 0.034387 0.034449 +& 12 1.096973 0.035241 0.035289 +& 12 1.110176 0.036117 0.036151 +& 12 1.123538 0.037014 0.037038 +& 12 1.137061 0.037933 0.037948 +& 12 1.150746 0.038874 0.038883 +& 12 1.164597 0.039839 0.039843 +& 12 1.178614 0.040827 0.040829 +& 12 1.192800 0.041840 0.041840 +& 12 1.207156 0.042877 0.042876 +& 12 1.221686 0.043940 0.043939 +& 12 1.236390 0.045030 0.045028 +& 12 1.251271 0.046146 0.046145 +& 12 1.266331 0.047290 0.047289 +& 12 1.281573 0.048463 0.048461 +& 12 1.296998 0.049664 0.049663 +& 12 1.312608 0.050895 0.050894 +& 12 1.328407 0.052157 0.052156 +& 12 1.344396 0.053451 0.053449 +& 12 1.360577 0.054776 0.054775 +& 12 1.376953 0.056135 0.056134 +& 12 1.393526 0.057528 0.057526 +& 12 1.410298 0.058955 0.058953 +& 12 1.427273 0.060418 0.060416 +& 12 1.444451 0.061918 0.061916 +& 12 1.461837 0.063455 0.063453 +& 12 1.479431 0.065030 0.065029 +& 12 1.497238 0.066645 0.066644 +& 12 1.515259 0.068301 0.068299 +& 12 1.533496 0.069998 0.069996 +& 12 1.551953 0.071738 0.071736 +& 12 1.570633 0.073521 0.073519 +& 12 1.589537 0.075349 0.075347 +& 12 1.608668 0.077222 0.077220 +& 12 1.628030 0.079143 0.079141 +& 12 1.647625 0.081112 0.081110 +& 12 1.667456 0.083130 0.083128 +& 12 1.677461 0.084158 0.084156 +& 12 1.687526 0.085198 0.085196 +& 12 1.697651 0.086252 0.086250 +& 12 1.707837 0.087319 0.087317 +& 12 1.718084 0.088399 0.088397 +& 12 1.728392 0.089492 0.089490 +& 12 1.738763 0.090599 0.090597 +& 12 1.749195 0.091720 0.091718 +& 12 1.759690 0.092855 0.092853 +& 12 1.770249 0.094004 0.094002 +& 12 1.780870 0.095167 0.095165 +& 12 1.791555 0.096344 0.096342 +& 12 1.802305 0.097536 0.097534 +& 12 1.813118 0.098743 0.098741 +& 12 1.823997 0.099965 0.099963 +& 12 1.834941 0.101202 0.101200 +& 12 1.845951 0.102454 0.102452 +& 12 1.857026 0.103721 0.103719 +& 12 1.868169 0.105005 0.105002 +& 12 1.879378 0.106304 0.106302 +& 12 1.890654 0.107619 0.107617 +& 12 1.901998 0.108950 0.108948 +& 12 1.913410 0.110298 0.110295 +& 12 1.924890 0.111662 0.111660 +& 12 1.936440 0.113043 0.113041 +& 12 1.948058 0.114441 0.114438 +& 12 1.959747 0.115856 0.115853 +& 12 1.971505 0.117288 0.117286 +& 12 1.983334 0.118738 0.118736 +& 12 1.995234 0.120205 0.120203 +& 12 2.007206 0.121691 0.121689 +& 12 2.019249 0.123194 0.123192 +& 12 2.031364 0.124716 0.124714 +& 12 2.043552 0.126257 0.126255 +& 12 2.055814 0.127816 0.127814 +& 12 2.068149 0.129394 0.129392 +& 12 2.080558 0.130991 0.130989 +& 12 2.093041 0.132607 0.132605 +& 12 2.105599 0.134243 0.134241 +& 12 2.118233 0.135899 0.135897 +& 12 2.130942 0.137574 0.137572 +& 12 2.143728 0.139270 0.139268 +& 12 2.156590 0.140986 0.140984 +& 12 2.169530 0.142723 0.142720 +& 12 2.182547 0.144480 0.144478 +& 12 2.195642 0.146258 0.146256 +& 12 2.208816 0.148058 0.148055 +& 12 2.222069 0.149878 0.149876 +& 12 2.235401 0.151721 0.151719 +& 12 2.248814 0.153585 0.153583 +& 12 2.262307 0.155471 0.155469 +& 12 2.275880 0.157380 0.157378 +& 12 2.289536 0.159311 0.159308 +& 12 2.303273 0.161264 0.161262 +& 12 2.317093 0.163241 0.163238 +& 12 2.330995 0.165240 0.165238 +& 12 2.344981 0.167263 0.167261 +& 12 2.359051 0.169309 0.169307 +& 12 2.373205 0.171379 0.171377 +& 12 2.387444 0.173473 0.173471 +& 12 2.401769 0.175591 0.175589 +& 12 2.416180 0.177733 0.177731 +& 12 2.430677 0.179900 0.179898 +& 12 2.445261 0.182092 0.182090 +& 12 2.459932 0.184308 0.184306 +& 12 2.474692 0.186550 0.186548 +& 12 2.489540 0.188817 0.188815 +& 12 2.504477 0.191110 0.191108 +& 12 2.519504 0.193428 0.193426 +& 12 2.534621 0.195773 0.195770 +& 12 2.549829 0.198143 0.198141 +& 12 2.565128 0.200540 0.200538 +& 12 2.580519 0.202963 0.202961 +& 12 2.596002 0.205414 0.205411 +& 12 2.611578 0.207891 0.207888 +& 12 2.627247 0.210395 0.210393 +& 12 2.643011 0.212926 0.212924 +& 12 2.658869 0.215485 0.215483 +& 12 2.674822 0.218072 0.218070 +& 12 2.690871 0.220686 0.220684 +& 12 2.707016 0.223329 0.223326 +& 12 2.723258 0.225999 0.225997 +& 12 2.739598 0.228698 0.228696 +& 12 2.756036 0.231426 0.231423 +& 12 2.772572 0.234182 0.234179 +& 12 2.789207 0.236966 0.236964 +& 12 2.805942 0.239780 0.239778 +& 12 2.822778 0.242623 0.242621 +& 12 2.839715 0.245495 0.245493 +& 12 2.856753 0.248396 0.248394 +& 12 2.873894 0.251327 0.251325 +& 12 2.891137 0.254288 0.254285 +& 12 2.908484 0.257278 0.257276 +& 12 2.925935 0.260298 0.260296 +& 12 2.943490 0.263348 0.263346 +& 12 2.961151 0.266428 0.266425 +& 12 2.978918 0.269538 0.269536 +& 12 2.996792 0.272678 0.272676 +& 12 3.014772 0.275849 0.275846 +& 12 3.032861 0.279050 0.279047 +& 12 3.051058 0.282281 0.282279 +& 12 3.069365 0.285543 0.285540 +& 12 3.087781 0.288835 0.288833 +& 12 3.106307 0.292158 0.292156 +& 12 3.124945 0.295511 0.295509 +& 12 3.143695 0.298896 0.298893 +& 12 3.162557 0.302310 0.302308 +& 12 3.181532 0.305756 0.305754 +& 12 3.200622 0.309232 0.309230 +& 12 3.219825 0.312738 0.312736 +& 12 3.239144 0.316276 0.316274 +& 12 3.258579 0.319844 0.319842 +& 12 3.278131 0.323442 0.323440 +& 12 3.297799 0.327071 0.327069 +& 12 3.317586 0.330731 0.330728 +& 12 3.337492 0.334420 0.334418 +& 12 3.357517 0.338141 0.338138 +& 12 3.377662 0.341891 0.341889 +& 12 3.397928 0.345671 0.345669 +& 12 3.418315 0.349482 0.349480 +& 12 3.438825 0.353322 0.353320 +& 12 3.459458 0.357193 0.357191 +& 12 3.480215 0.361092 0.361091 +& 12 3.501096 0.365022 0.365020 +& 12 3.522103 0.368981 0.368979 +& 12 3.543235 0.372968 0.372967 +& 12 3.564495 0.376985 0.376983 +& 12 3.585882 0.381031 0.381029 +& 12 3.607397 0.385105 0.385103 +& 12 3.629041 0.389208 0.389206 +& 12 3.650816 0.393339 0.393337 +& 12 3.672721 0.397498 0.397496 +& 12 3.694757 0.401684 0.401682 +& 12 3.716925 0.405898 0.405896 +& 12 3.739227 0.410139 0.410137 +& 12 3.761662 0.414407 0.414405 +& 12 3.784232 0.418701 0.418700 +& 12 3.806938 0.423022 0.423020 +& 12 3.829779 0.427369 0.427367 +& 12 3.852758 0.431741 0.431740 +& 12 3.875875 0.436139 0.436138 +& 12 3.899130 0.440562 0.440560 +& 12 3.922525 0.445009 0.445008 +& 12 3.946060 0.449481 0.449479 +& 12 3.969736 0.453976 0.453975 +& 12 3.993555 0.458495 0.458494 +& 12 4.017516 0.463038 0.463036 +& 12 4.041621 0.467602 0.467601 +& 12 4.065871 0.472190 0.472188 +& 12 4.090266 0.476799 0.476797 +& 12 4.114808 0.481429 0.481428 +& 12 4.139496 0.486080 0.486079 +& 12 4.164333 0.490752 0.490751 +& 12 4.189319 0.495444 0.495443 +& 12 4.214455 0.500155 0.500154 +& 12 4.239742 0.504885 0.504884 +& 12 4.265180 0.509633 0.509633 +& 12 4.290772 0.514400 0.514399 +& 12 4.316516 0.519183 0.519183 +& 12 4.342415 0.523984 0.523983 +& 12 4.368470 0.528800 0.528800 +& 12 4.394681 0.533632 0.533632 +& 12 4.421049 0.538479 0.538479 +& 12 4.447575 0.543340 0.543340 +& 12 4.474260 0.548215 0.548214 +& 12 4.501106 0.553102 0.553102 +& 12 4.528113 0.558002 0.558001 +& 12 4.555281 0.562912 0.562912 +& 12 4.582613 0.567833 0.567833 +& 12 4.610109 0.572764 0.572764 +& 12 4.637769 0.577704 0.577704 +& 12 4.665596 0.582652 0.582652 +& 12 4.693589 0.587606 0.587606 +& 12 4.721751 0.592567 0.592567 +& 12 4.750082 0.597533 0.597533 +& 12 4.778582 0.602503 0.602503 +& 12 4.807254 0.607476 0.607476 +& 12 4.836097 0.612451 0.612451 +& 12 4.865114 0.617426 0.617427 +& 12 4.894304 0.622402 0.622402 +& 12 4.923670 0.627375 0.627376 +& 12 4.953212 0.632346 0.632346 +& 12 4.982931 0.637312 0.637313 +& 12 5.012829 0.642273 0.642273 +& 12 5.042906 0.647226 0.647227 +& 12 5.073163 0.652171 0.652172 +& 12 5.103602 0.657106 0.657107 +& 12 5.134224 0.662029 0.662030 +& 12 5.165029 0.666939 0.666940 +& 12 5.196020 0.671834 0.671835 +& 12 5.227196 0.676712 0.676713 +& 12 5.258559 0.681571 0.681573 +& 12 5.290110 0.686411 0.686412 +& 12 5.321851 0.691227 0.691229 +& 12 5.353782 0.696020 0.696021 +& 12 5.385905 0.700786 0.700787 +& 12 5.418220 0.705523 0.705525 +& 12 5.450729 0.710230 0.710232 +& 12 5.483434 0.714904 0.714906 +& 12 5.516334 0.719543 0.719545 +& 12 5.549432 0.724145 0.724147 +& 12 5.582729 0.728707 0.728709 +& 12 5.616225 0.733226 0.733229 +& 12 5.649923 0.737701 0.737704 +& 12 5.683822 0.742129 0.742131 +& 12 5.717925 0.746506 0.746509 +& 12 5.752233 0.750831 0.750834 +& 12 5.786746 0.755101 0.755104 +& 12 5.821467 0.759313 0.759316 +& 12 5.856395 0.763463 0.763466 +& 12 5.891534 0.767550 0.767553 +& 12 5.926883 0.771570 0.771573 +& 12 5.962444 0.775519 0.775523 +& 12 5.998219 0.779396 0.779399 + + +!J 2 0.009958 0.000150 +!J 2 0.017897 0.000869 +!J 2 0.025933 0.002626 +!J 2 0.033944 0.005832 +!J 2 0.041850 0.010800 +!J 2 0.049778 0.017910 +!J 2 0.057808 0.027565 +!J 2 0.065939 0.040083 +!J 2 0.073877 0.055108 +!J 2 0.081785 0.072902 +!J 2 0.089999 0.094358 +!J 2 0.098449 0.119478 +!J 2 0.106410 0.145791 +!J 2 0.114330 0.174246 +!J 2 0.122839 0.206974 +!J 2 0.131194 0.240806 +!J 2 0.139281 0.274632 +!J 2 0.147867 0.311066 +!J 2 0.156047 0.345613 +!J 2 0.164678 0.381142 +!J 2 0.172751 0.412790 +!J 2 0.181219 0.443581 +!J 2 0.190102 0.472383 +!J 2 0.198232 0.494861 +!J 2 0.206709 0.513637 +!J 2 0.215549 0.527433 +!J 2 0.224766 0.534813 +!J 2 0.232980 0.534848 +!J 2 0.241494 0.527983 +!J 2 0.250319 0.513160 +!J 2 0.259467 0.489345 +!J 2 0.268949 0.455582 +!J 2 0.277115 0.419255 +!J 2 0.285529 0.375097 +!J 2 0.294198 0.322904 +!J 2 0.303131 0.262658 +!J 2 0.312334 0.194577 +!J 2 0.321818 0.119163 +!J 2 0.331589 0.037248 +!J 2 0.339619 -0.032170 +!J 2 0.347843 -0.104182 +!J 2 0.356267 -0.177807 +!J 2 0.364895 -0.251884 +!J 2 0.373731 -0.325074 +!J 2 0.382782 -0.395867 +!J 2 0.392051 -0.462605 +!J 2 0.401546 -0.523505 +!J 2 0.411270 -0.576705 +!J 2 0.421230 -0.620317 +!J 2 0.431430 -0.652495 +!J 2 0.441878 -0.671522 +!J 2 0.449880 -0.676254 +!J 2 0.458026 -0.672234 +!J 2 0.466321 -0.659090 +!J 2 0.474765 -0.636616 +!J 2 0.483362 -0.604806 +!J 2 0.492115 -0.563882 +!J 2 0.501026 -0.514325 +!J 2 0.510099 -0.456904 +!J 2 0.519336 -0.392698 +!J 2 0.528740 -0.323110 +!J 2 0.538315 -0.249882 +!J 2 0.548062 -0.175090 +!J 2 0.557987 -0.101132 +!J 2 0.568091 -0.030703 +!J 2 0.578378 0.033250 +!J 2 0.588852 0.087588 +!J 2 0.599515 0.129062 +!J 2 0.610371 0.154410 +!J 2 0.621423 0.160478 +!J 2 0.632676 0.144358 +!J 2 0.644133 0.103543 +!J 2 0.655797 0.036089 +!J 2 0.667672 -0.059209 +!J 2 0.675708 -0.138399 +!J 2 0.683841 -0.229948 +!J 2 0.692072 -0.333457 +!J 2 0.700402 -0.448277 +!J 2 0.708832 -0.573500 +!J 2 0.717363 -0.707950 +!J 2 0.725997 -0.850174 +!J 2 0.734736 -0.998448 +!J 2 0.743579 -1.150784 +!J 2 0.752529 -1.304944 +!J 2 0.761586 -1.458462 +!J 2 0.770752 -1.608677 +!J 2 0.780029 -1.752772 +!J 2 0.789418 -1.887824 +!J 2 0.798919 -2.010855 +!J 2 0.808535 -2.118903 +!J 2 0.818266 -2.209091 +!J 2 0.828115 -2.278706 +!J 2 0.838082 -2.325280 +!J 2 0.848169 -2.346676 +!J 2 0.858378 -2.341173 +!J 2 0.868709 -2.307551 +!J 2 0.879165 -2.245163 +!J 2 0.889747 -2.154007 +!J 2 0.900456 -2.034782 +!J 2 0.911294 -1.888923 +!J 2 0.922262 -1.718625 +!J 2 0.933362 -1.526837 +!J 2 0.944596 -1.317233 +!J 2 0.955966 -1.094151 +!J 2 0.967472 -0.862508 +!J 2 0.979116 -0.627679 +!J 2 0.990901 -0.395347 +!J 2 1.002827 -0.171326 +!J 2 1.014897 0.038634 +!J 2 1.027112 0.229075 +!J 2 1.039475 0.395053 +!J 2 1.051986 0.532369 +!J 2 1.064648 0.637794 +!J 2 1.077462 0.709270 +!J 2 1.090430 0.746074 +!J 2 1.103554 0.748940 +!J 2 1.116837 0.720120 +!J 2 1.130279 0.663376 +!J 2 1.143883 0.583888 +!J 2 1.157651 0.488080 +!J 2 1.171584 0.383355 +!J 2 1.185686 0.277748 +!J 2 1.199956 0.179533 +!J 2 1.214399 0.096693 +!J 2 1.229016 0.036307 +!J 2 1.243808 0.004157 +!J 2 1.258779 0.000000 +!J 2 1.273929 0.000000 +!J 2 1.289262 0.000000 +!J 2 1.304780 0.000000 +!J 2 1.320484 0.000000 +!J 2 1.328407 0.000000 +!J 2 1.336377 0.000000 +!J 2 1.344396 0.000000 +!J 2 1.352462 0.000000 +!J 2 1.360577 0.000000 +!J 2 1.368740 0.000000 +!J 2 1.376953 0.000000 +!J 2 1.385215 0.000000 +!J 2 1.393526 0.000000 +!J 2 1.401887 0.000000 +!J 2 1.410298 0.000000 +!J 2 1.418760 0.000000 +!J 2 1.427273 0.000000 +!J 2 1.435836 0.000000 +!J 2 1.444451 0.000000 +!J 2 1.453118 0.000000 +!J 2 1.461837 0.000000 +!J 2 1.470608 0.000000 +!J 2 1.479431 0.000000 +!J 2 1.488308 0.000000 +!J 2 1.497238 0.000000 +!J 2 1.506221 0.000000 +!J 2 1.515259 0.000000 +!J 2 1.524350 0.000000 +!J 2 1.533496 0.000000 +!J 2 1.542697 0.000000 +!J 2 1.551953 0.000000 +!J 2 1.561265 0.000000 +!J 2 1.570633 0.000000 +!J 2 1.580056 0.000000 + +convergence profiles, (ll=0,lmax) + lmax 2 +!C 0 12.172858 0.010000 +!C 0 17.755285 0.003162 +!C 0 21.670836 0.001000 +!C 0 24.936453 0.000316 +!C 0 27.753432 0.000100 +!C 0 30.047102 0.000032 +!C 0 32.408732 0.000010 +!C 1 23.772439 0.010000 +!C 1 27.415447 0.003162 +!C 1 30.690862 0.001000 +!C 1 33.447102 0.000316 +!C 1 36.146160 0.000100 +!C 1 38.169194 0.000032 +!C 1 40.333926 0.000010 +!C 2 0.234678 0.010000 +!C 2 0.365750 0.003162 +!C 2 0.556915 0.001000 +!C 2 1.049557 0.000316 +!C 2 2.291279 0.000100 +!C 2 4.613442 0.000032 +!C 2 7.898239 0.000010 + +log derivativve data for plotting, l= 0 +atan(r * ((d psi(r)/dr)/psi(r))), r= 1.37 +l, energy, all-electron, pseudopotential + +! 0 12.000000 -1.601062 -1.611618 +! 0 11.980000 -1.600384 -1.610826 +! 0 11.960000 -1.599706 -1.610035 +! 0 11.940000 -1.599029 -1.609247 +! 0 11.920000 -1.598352 -1.608461 +! 0 11.900000 -1.597676 -1.607676 +! 0 11.880000 -1.597000 -1.606894 +! 0 11.860000 -1.596325 -1.606114 +! 0 11.840000 -1.595650 -1.605335 +! 0 11.820000 -1.594975 -1.604559 +! 0 11.800000 -1.594301 -1.603784 +! 0 11.780000 -1.593628 -1.603011 +! 0 11.760000 -1.592954 -1.602239 +! 0 11.740000 -1.592281 -1.601469 +! 0 11.720000 -1.591608 -1.600701 +! 0 11.700000 -1.590936 -1.599934 +! 0 11.680000 -1.590263 -1.599168 +! 0 11.660000 -1.589591 -1.598404 +! 0 11.640000 -1.588919 -1.597642 +! 0 11.620000 -1.588247 -1.596880 +! 0 11.600000 -1.587575 -1.596120 +! 0 11.580000 -1.586903 -1.595361 +! 0 11.560000 -1.586231 -1.594603 +! 0 11.540000 -1.585559 -1.593847 +! 0 11.520000 -1.584887 -1.593091 +! 0 11.500000 -1.584215 -1.592336 +! 0 11.480000 -1.583543 -1.591583 +! 0 11.460000 -1.582870 -1.590830 +! 0 11.440000 -1.582198 -1.590078 +! 0 11.420000 -1.581525 -1.589327 +! 0 11.400000 -1.580852 -1.588577 +! 0 11.380000 -1.580179 -1.587827 +! 0 11.360000 -1.579506 -1.587078 +! 0 11.340000 -1.578832 -1.586330 +! 0 11.320000 -1.578158 -1.585582 +! 0 11.300000 -1.577484 -1.584835 +! 0 11.280000 -1.576809 -1.584089 +! 0 11.260000 -1.576134 -1.583343 +! 0 11.240000 -1.575458 -1.582597 +! 0 11.220000 -1.574782 -1.581852 +! 0 11.200000 -1.574105 -1.581107 +! 0 11.180000 -1.573428 -1.580363 +! 0 11.160000 -1.572750 -1.579618 +! 0 11.140000 -1.572072 -1.578874 +! 0 11.120000 -1.571393 -1.578130 +! 0 11.100000 -1.570713 -1.577387 +! 0 11.080000 -1.570033 -1.576643 +! 0 11.060000 -1.569351 -1.575899 +! 0 11.040000 -1.568670 -1.575156 +! 0 11.020000 -1.567987 -1.574412 +! 0 11.000000 -1.567303 -1.573668 +! 0 10.980000 -1.566619 -1.572925 +! 0 10.960000 -1.565934 -1.572181 +! 0 10.940000 -1.565248 -1.571436 +! 0 10.920000 -1.564561 -1.570692 +! 0 10.900000 -1.563873 -1.569947 +! 0 10.880000 -1.563184 -1.569202 +! 0 10.860000 -1.562494 -1.568457 +! 0 10.840000 -1.561803 -1.567711 +! 0 10.820000 -1.561111 -1.566965 +! 0 10.800000 -1.560418 -1.566219 +! 0 10.780000 -1.559723 -1.565472 +! 0 10.760000 -1.559028 -1.564724 +! 0 10.740000 -1.558331 -1.563976 +! 0 10.720000 -1.557633 -1.563227 +! 0 10.700000 -1.556934 -1.562477 +! 0 10.680000 -1.556233 -1.561727 +! 0 10.660000 -1.555531 -1.560976 +! 0 10.640000 -1.554828 -1.560224 +! 0 10.620000 -1.554123 -1.559471 +! 0 10.600000 -1.553417 -1.558718 +! 0 10.580000 -1.552710 -1.557963 +! 0 10.560000 -1.552000 -1.557208 +! 0 10.540000 -1.551290 -1.556451 +! 0 10.520000 -1.550578 -1.555694 +! 0 10.500000 -1.549864 -1.554935 +! 0 10.480000 -1.549148 -1.554176 +! 0 10.460000 -1.548431 -1.553415 +! 0 10.440000 -1.547713 -1.552653 +! 0 10.420000 -1.546992 -1.551890 +! 0 10.400000 -1.546270 -1.551125 +! 0 10.380000 -1.545546 -1.550359 +! 0 10.360000 -1.544820 -1.549592 +! 0 10.340000 -1.544092 -1.548823 +! 0 10.320000 -1.543362 -1.548053 +! 0 10.300000 -1.542631 -1.547282 +! 0 10.280000 -1.541897 -1.546509 +! 0 10.260000 -1.541161 -1.545734 +! 0 10.240000 -1.540423 -1.544958 +! 0 10.220000 -1.539684 -1.544180 +! 0 10.200000 -1.538942 -1.543400 +! 0 10.180000 -1.538198 -1.542619 +! 0 10.160000 -1.537451 -1.541835 +! 0 10.140000 -1.536703 -1.541050 +! 0 10.120000 -1.535952 -1.540263 +! 0 10.100000 -1.535199 -1.539475 +! 0 10.080000 -1.534443 -1.538684 +! 0 10.060000 -1.533685 -1.537891 +! 0 10.040000 -1.532925 -1.537096 +! 0 10.020000 -1.532162 -1.536299 +! 0 10.000000 -1.531397 -1.535500 +! 0 9.980000 -1.530629 -1.534699 +! 0 9.960000 -1.529858 -1.533895 +! 0 9.940000 -1.529085 -1.533089 +! 0 9.920000 -1.528309 -1.532281 +! 0 9.900000 -1.527530 -1.531470 +! 0 9.880000 -1.526749 -1.530657 +! 0 9.860000 -1.525965 -1.529842 +! 0 9.840000 -1.525178 -1.529024 +! 0 9.820000 -1.524388 -1.528204 +! 0 9.800000 -1.523595 -1.527380 +! 0 9.780000 -1.522799 -1.526554 +! 0 9.760000 -1.522000 -1.525726 +! 0 9.740000 -1.521198 -1.524895 +! 0 9.720000 -1.520392 -1.524060 +! 0 9.700000 -1.519584 -1.523223 +! 0 9.680000 -1.518772 -1.522383 +! 0 9.660000 -1.517957 -1.521540 +! 0 9.640000 -1.517139 -1.520694 +! 0 9.620000 -1.516317 -1.519845 +! 0 9.600000 -1.515492 -1.518993 +! 0 9.580000 -1.514664 -1.518138 +! 0 9.560000 -1.513832 -1.517279 +! 0 9.540000 -1.512996 -1.516417 +! 0 9.520000 -1.512157 -1.515552 +! 0 9.500000 -1.511314 -1.514683 +! 0 9.480000 -1.510467 -1.513811 +! 0 9.460000 -1.509616 -1.512935 +! 0 9.440000 -1.508762 -1.512056 +! 0 9.420000 -1.507904 -1.511173 +! 0 9.400000 -1.507041 -1.510286 +! 0 9.380000 -1.506175 -1.509396 +! 0 9.360000 -1.505304 -1.508502 +! 0 9.340000 -1.504430 -1.507604 +! 0 9.320000 -1.503551 -1.506701 +! 0 9.300000 -1.502668 -1.505795 +! 0 9.280000 -1.501781 -1.504885 +! 0 9.260000 -1.500889 -1.503971 +! 0 9.240000 -1.499993 -1.503052 +! 0 9.220000 -1.499092 -1.502129 +! 0 9.200000 -1.498187 -1.501202 +! 0 9.180000 -1.497277 -1.500270 +! 0 9.160000 -1.496362 -1.499334 +! 0 9.140000 -1.495443 -1.498394 +! 0 9.120000 -1.494518 -1.497448 +! 0 9.100000 -1.493589 -1.496498 +! 0 9.080000 -1.492655 -1.495544 +! 0 9.060000 -1.491716 -1.494584 +! 0 9.040000 -1.490771 -1.493619 +! 0 9.020000 -1.489822 -1.492650 +! 0 9.000000 -1.488867 -1.491675 +! 0 8.980000 -1.487907 -1.490696 +! 0 8.960000 -1.486941 -1.489711 +! 0 8.940000 -1.485970 -1.488720 +! 0 8.920000 -1.484993 -1.487725 +! 0 8.900000 -1.484011 -1.486724 +! 0 8.880000 -1.483022 -1.485717 +! 0 8.860000 -1.482028 -1.484705 +! 0 8.840000 -1.481028 -1.483687 +! 0 8.820000 -1.480023 -1.482663 +! 0 8.800000 -1.479010 -1.481633 +! 0 8.780000 -1.477992 -1.480597 +! 0 8.760000 -1.476968 -1.479555 +! 0 8.740000 -1.475937 -1.478507 +! 0 8.720000 -1.474900 -1.477453 +! 0 8.700000 -1.473856 -1.476392 +! 0 8.680000 -1.472805 -1.475325 +! 0 8.660000 -1.471748 -1.474252 +! 0 8.640000 -1.470684 -1.473171 +! 0 8.620000 -1.469613 -1.472084 +! 0 8.600000 -1.468535 -1.470990 +! 0 8.580000 -1.467450 -1.469889 +! 0 8.560000 -1.466358 -1.468781 +! 0 8.540000 -1.465258 -1.467666 +! 0 8.520000 -1.464151 -1.466544 +! 0 8.500000 -1.463036 -1.465414 +! 0 8.480000 -1.461913 -1.464276 +! 0 8.460000 -1.460783 -1.463131 +! 0 8.440000 -1.459645 -1.461978 +! 0 8.420000 -1.458499 -1.460818 +! 0 8.400000 -1.457344 -1.459649 +! 0 8.380000 -1.456182 -1.458472 +! 0 8.360000 -1.455011 -1.457287 +! 0 8.340000 -1.453831 -1.456094 +! 0 8.320000 -1.452643 -1.454892 +! 0 8.300000 -1.451446 -1.453681 +! 0 8.280000 -1.450240 -1.452462 +! 0 8.260000 -1.449025 -1.451234 +! 0 8.240000 -1.447801 -1.449996 +! 0 8.220000 -1.446568 -1.448750 +! 0 8.200000 -1.445325 -1.447494 +! 0 8.180000 -1.444072 -1.446229 +! 0 8.160000 -1.442810 -1.444954 +! 0 8.140000 -1.441537 -1.443669 +! 0 8.120000 -1.440255 -1.442375 +! 0 8.100000 -1.438962 -1.441070 +! 0 8.080000 -1.437659 -1.439755 +! 0 8.060000 -1.436346 -1.438429 +! 0 8.040000 -1.435021 -1.437093 +! 0 8.020000 -1.433686 -1.435746 +! 0 8.000000 -1.432340 -1.434389 +! 0 7.980000 -1.430982 -1.433020 +! 0 7.960000 -1.429613 -1.431639 +! 0 7.940000 -1.428233 -1.430248 +! 0 7.920000 -1.426840 -1.428844 +! 0 7.900000 -1.425436 -1.427429 +! 0 7.880000 -1.424019 -1.426002 +! 0 7.860000 -1.422590 -1.424562 +! 0 7.840000 -1.421149 -1.423110 +! 0 7.820000 -1.419694 -1.421645 +! 0 7.800000 -1.418227 -1.420168 +! 0 7.780000 -1.416746 -1.418677 +! 0 7.760000 -1.415252 -1.417173 +! 0 7.740000 -1.413744 -1.415655 +! 0 7.720000 -1.412223 -1.414124 +! 0 7.700000 -1.410687 -1.412578 +! 0 7.680000 -1.409137 -1.411019 +! 0 7.660000 -1.407572 -1.409444 +! 0 7.640000 -1.405992 -1.407855 +! 0 7.620000 -1.404397 -1.406251 +! 0 7.600000 -1.402787 -1.404632 +! 0 7.580000 -1.401161 -1.402997 +! 0 7.560000 -1.399519 -1.401346 +! 0 7.540000 -1.397861 -1.399680 +! 0 7.520000 -1.396186 -1.397996 +! 0 7.500000 -1.394495 -1.396296 +! 0 7.480000 -1.392786 -1.394580 +! 0 7.460000 -1.391060 -1.392845 +! 0 7.440000 -1.389316 -1.391094 +! 0 7.420000 -1.387555 -1.389324 +! 0 7.400000 -1.385775 -1.387536 +! 0 7.380000 -1.383976 -1.385729 +! 0 7.360000 -1.382158 -1.383904 +! 0 7.340000 -1.380321 -1.382059 +! 0 7.320000 -1.378464 -1.380195 +! 0 7.300000 -1.376587 -1.378310 +! 0 7.280000 -1.374689 -1.376405 +! 0 7.260000 -1.372771 -1.374480 +! 0 7.240000 -1.370831 -1.372533 +! 0 7.220000 -1.368869 -1.370564 +! 0 7.200000 -1.366886 -1.368574 +! 0 7.180000 -1.364880 -1.366561 +! 0 7.160000 -1.362851 -1.364526 +! 0 7.140000 -1.360798 -1.362467 +! 0 7.120000 -1.358722 -1.360384 +! 0 7.100000 -1.356621 -1.358277 +! 0 7.080000 -1.354496 -1.356146 +! 0 7.060000 -1.352345 -1.353989 +! 0 7.040000 -1.350169 -1.351806 +! 0 7.020000 -1.347966 -1.349598 +! 0 7.000000 -1.345736 -1.347362 +! 0 6.980000 -1.343479 -1.345100 +! 0 6.960000 -1.341194 -1.342809 +! 0 6.940000 -1.338881 -1.340490 +! 0 6.920000 -1.336538 -1.338142 +! 0 6.900000 -1.334165 -1.335764 +! 0 6.880000 -1.331763 -1.333356 +! 0 6.860000 -1.329329 -1.330918 +! 0 6.840000 -1.326863 -1.328447 +! 0 6.820000 -1.324366 -1.325945 +! 0 6.800000 -1.321835 -1.323409 +! 0 6.780000 -1.319270 -1.320840 +! 0 6.760000 -1.316671 -1.318237 +! 0 6.740000 -1.314037 -1.315598 +! 0 6.720000 -1.311367 -1.312924 +! 0 6.700000 -1.308660 -1.310213 +! 0 6.680000 -1.305916 -1.307465 +! 0 6.660000 -1.303133 -1.304678 +! 0 6.640000 -1.300311 -1.301852 +! 0 6.620000 -1.297448 -1.298986 +! 0 6.600000 -1.294545 -1.296079 +! 0 6.580000 -1.291600 -1.293130 +! 0 6.560000 -1.288611 -1.290138 +! 0 6.540000 -1.285579 -1.287102 +! 0 6.520000 -1.282501 -1.284022 +! 0 6.500000 -1.279377 -1.280895 +! 0 6.480000 -1.276207 -1.277721 +! 0 6.460000 -1.272988 -1.274499 +! 0 6.440000 -1.269719 -1.271228 +! 0 6.420000 -1.266400 -1.267907 +! 0 6.400000 -1.263029 -1.264533 +! 0 6.380000 -1.259605 -1.261107 +! 0 6.360000 -1.256126 -1.257626 +! 0 6.340000 -1.252591 -1.254089 +! 0 6.320000 -1.249000 -1.250496 +! 0 6.300000 -1.245349 -1.246843 +! 0 6.280000 -1.241639 -1.243131 +! 0 6.260000 -1.237867 -1.239358 +! 0 6.240000 -1.234032 -1.235521 +! 0 6.220000 -1.230132 -1.231620 +! 0 6.200000 -1.226165 -1.227652 +! 0 6.180000 -1.222130 -1.223616 +! 0 6.160000 -1.218025 -1.219510 +! 0 6.140000 -1.213848 -1.215332 +! 0 6.120000 -1.209598 -1.211081 +! 0 6.100000 -1.205271 -1.206754 +! 0 6.080000 -1.200867 -1.202349 +! 0 6.060000 -1.196383 -1.197865 +! 0 6.040000 -1.191816 -1.193298 +! 0 6.020000 -1.187165 -1.188647 +! 0 6.000000 -1.182428 -1.183910 +! 0 5.980000 -1.177601 -1.179084 +! 0 5.960000 -1.172683 -1.174166 +! 0 5.940000 -1.167671 -1.169154 +! 0 5.920000 -1.162561 -1.164046 +! 0 5.900000 -1.157352 -1.158837 +! 0 5.880000 -1.152041 -1.153527 +! 0 5.860000 -1.146624 -1.148111 +! 0 5.840000 -1.141099 -1.142587 +! 0 5.820000 -1.135461 -1.136951 +! 0 5.800000 -1.129709 -1.131201 +! 0 5.780000 -1.123839 -1.125332 +! 0 5.760000 -1.117846 -1.119342 +! 0 5.740000 -1.111728 -1.113226 +! 0 5.720000 -1.105481 -1.106981 +! 0 5.700000 -1.099101 -1.100603 +! 0 5.680000 -1.092583 -1.094088 +! 0 5.660000 -1.085924 -1.087431 +! 0 5.640000 -1.079119 -1.080629 +! 0 5.620000 -1.072164 -1.073677 +! 0 5.600000 -1.065054 -1.066570 +! 0 5.580000 -1.057785 -1.059304 +! 0 5.560000 -1.050351 -1.051874 +! 0 5.540000 -1.042747 -1.044273 +! 0 5.520000 -1.034968 -1.036498 +! 0 5.500000 -1.027009 -1.028543 +! 0 5.480000 -1.018863 -1.020401 +! 0 5.460000 -1.010526 -1.012068 +! 0 5.440000 -1.001990 -1.003536 +! 0 5.420000 -0.993250 -0.994801 +! 0 5.400000 -0.984299 -0.985855 +! 0 5.380000 -0.975131 -0.976691 +! 0 5.360000 -0.965739 -0.967303 +! 0 5.340000 -0.956115 -0.957684 +! 0 5.320000 -0.946252 -0.947827 +! 0 5.300000 -0.936144 -0.937723 +! 0 5.280000 -0.925782 -0.927366 +! 0 5.260000 -0.915158 -0.916748 +! 0 5.240000 -0.904265 -0.905860 +! 0 5.220000 -0.893093 -0.894694 +! 0 5.200000 -0.881636 -0.883242 +! 0 5.180000 -0.869884 -0.871494 +! 0 5.160000 -0.857828 -0.859444 +! 0 5.140000 -0.845459 -0.847080 +! 0 5.120000 -0.832769 -0.834395 +! 0 5.100000 -0.819749 -0.821380 +! 0 5.080000 -0.806388 -0.808024 +! 0 5.060000 -0.792679 -0.794320 +! 0 5.040000 -0.778611 -0.780256 +! 0 5.020000 -0.764176 -0.765826 +! 0 5.000000 -0.749365 -0.751018 +! 0 4.980000 -0.734168 -0.735825 +! 0 4.960000 -0.718577 -0.720237 +! 0 4.940000 -0.702583 -0.704246 +! 0 4.920000 -0.686179 -0.687844 +! 0 4.900000 -0.669355 -0.671022 +! 0 4.880000 -0.652106 -0.653774 +! 0 4.860000 -0.634424 -0.636093 +! 0 4.840000 -0.616304 -0.617972 +! 0 4.820000 -0.597740 -0.599407 +! 0 4.800000 -0.578727 -0.580393 +! 0 4.780000 -0.559263 -0.560926 +! 0 4.760000 -0.539346 -0.541005 +! 0 4.740000 -0.518974 -0.520628 +! 0 4.720000 -0.498149 -0.499796 +! 0 4.700000 -0.476871 -0.478512 +! 0 4.680000 -0.455146 -0.456777 +! 0 4.660000 -0.432978 -0.434599 +! 0 4.640000 -0.410375 -0.411985 +! 0 4.620000 -0.387346 -0.388943 +! 0 4.600000 -0.363904 -0.365486 +! 0 4.580000 -0.340061 -0.341627 +! 0 4.560000 -0.315833 -0.317381 +! 0 4.540000 -0.291239 -0.292768 +! 0 4.520000 -0.266300 -0.267807 +! 0 4.500000 -0.241037 -0.242522 +! 0 4.480000 -0.215476 -0.216936 +! 0 4.460000 -0.189644 -0.191078 +! 0 4.440000 -0.163570 -0.164976 +! 0 4.420000 -0.137284 -0.138661 +! 0 4.400000 -0.110819 -0.112165 +! 0 4.380000 -0.084208 -0.085522 +! 0 4.360000 -0.057487 -0.058768 +! 0 4.340000 -0.030692 -0.031938 +! 0 4.320000 -0.003858 -0.005069 +! 0 4.300000 0.022977 0.021803 +! 0 4.280000 0.049777 0.048640 +! 0 4.260000 0.076505 0.075407 +! 0 4.240000 0.103126 0.102066 +! 0 4.220000 0.129605 0.128583 +! 0 4.200000 0.155908 0.154925 +! 0 4.180000 0.182002 0.181058 +! 0 4.160000 0.207857 0.206951 +! 0 4.140000 0.233444 0.232577 +! 0 4.120000 0.258736 0.257907 +! 0 4.100000 0.283709 0.282917 +! 0 4.080000 0.308339 0.307585 +! 0 4.060000 0.332607 0.331889 +! 0 4.040000 0.356494 0.355811 +! 0 4.020000 0.379984 0.379336 +! 0 4.000000 0.403065 0.402449 +! 0 3.980000 0.425723 0.425140 +! 0 3.960000 0.447951 0.447399 +! 0 3.940000 0.469740 0.469219 +! 0 3.920000 0.491085 0.490593 +! 0 3.900000 0.511983 0.511519 +! 0 3.880000 0.532431 0.531994 +! 0 3.860000 0.552430 0.552018 +! 0 3.840000 0.571979 0.571592 +! 0 3.820000 0.591081 0.590718 +! 0 3.800000 0.609740 0.609399 +! 0 3.780000 0.627959 0.627639 +! 0 3.760000 0.645745 0.645445 +! 0 3.740000 0.663103 0.662822 +! 0 3.720000 0.680039 0.679776 +! 0 3.700000 0.696561 0.696316 +! 0 3.680000 0.712678 0.712448 +! 0 3.660000 0.728397 0.728182 +! 0 3.640000 0.743726 0.743526 +! 0 3.620000 0.758675 0.758489 +! 0 3.600000 0.773252 0.773079 +! 0 3.580000 0.787467 0.787306 +! 0 3.560000 0.801328 0.801179 +! 0 3.540000 0.814846 0.814707 +! 0 3.520000 0.828029 0.827900 +! 0 3.500000 0.840886 0.840767 +! 0 3.480000 0.853427 0.853316 +! 0 3.460000 0.865660 0.865558 +! 0 3.440000 0.877595 0.877501 +! 0 3.420000 0.889240 0.889153 +! 0 3.400000 0.900605 0.900524 +! 0 3.380000 0.911696 0.911622 +! 0 3.360000 0.922523 0.922455 +! 0 3.340000 0.933094 0.933032 +! 0 3.320000 0.943416 0.943359 +! 0 3.300000 0.953498 0.953446 +! 0 3.280000 0.963346 0.963299 +! 0 3.260000 0.972968 0.972925 +! 0 3.240000 0.982372 0.982333 +! 0 3.220000 0.991563 0.991528 +! 0 3.200000 1.000549 1.000517 +! 0 3.180000 1.009336 1.009308 +! 0 3.160000 1.017931 1.017906 +! 0 3.140000 1.026339 1.026316 +! 0 3.120000 1.034567 1.034547 +! 0 3.100000 1.042619 1.042602 +! 0 3.080000 1.050502 1.050487 +! 0 3.060000 1.058222 1.058208 +! 0 3.040000 1.065782 1.065771 +! 0 3.020000 1.073188 1.073179 +! 0 3.000000 1.080446 1.080438 +! 0 2.980000 1.087559 1.087552 +! 0 2.960000 1.094532 1.094527 +! 0 2.940000 1.101370 1.101366 +! 0 2.920000 1.108076 1.108074 +! 0 2.900000 1.114655 1.114654 +! 0 2.880000 1.121112 1.121112 +! 0 2.860000 1.127448 1.127449 +! 0 2.840000 1.133669 1.133671 +! 0 2.820000 1.139778 1.139781 +! 0 2.800000 1.145779 1.145782 +! 0 2.780000 1.151673 1.151677 +! 0 2.760000 1.157466 1.157471 +! 0 2.740000 1.163160 1.163165 +! 0 2.720000 1.168758 1.168764 +! 0 2.700000 1.174263 1.174269 +! 0 2.680000 1.179677 1.179684 +! 0 2.660000 1.185005 1.185011 +! 0 2.640000 1.190247 1.190254 +! 0 2.620000 1.195407 1.195414 +! 0 2.600000 1.200487 1.200495 +! 0 2.580000 1.205490 1.205498 +! 0 2.560000 1.210418 1.210426 +! 0 2.540000 1.215273 1.215281 +! 0 2.520000 1.220058 1.220066 +! 0 2.500000 1.224774 1.224782 +! 0 2.480000 1.229423 1.229432 +! 0 2.460000 1.234009 1.234017 +! 0 2.440000 1.238531 1.238540 +! 0 2.420000 1.242994 1.243002 +! 0 2.400000 1.247397 1.247406 +! 0 2.380000 1.251743 1.251752 +! 0 2.360000 1.256034 1.256043 +! 0 2.340000 1.260272 1.260281 +! 0 2.320000 1.264458 1.264466 +! 0 2.300000 1.268593 1.268601 +! 0 2.280000 1.272679 1.272687 +! 0 2.260000 1.276718 1.276726 +! 0 2.240000 1.280711 1.280719 +! 0 2.220000 1.284659 1.284668 +! 0 2.200000 1.288565 1.288573 +! 0 2.180000 1.292428 1.292436 +! 0 2.160000 1.296252 1.296259 +! 0 2.140000 1.300036 1.300043 +! 0 2.120000 1.303782 1.303789 +! 0 2.100000 1.307491 1.307499 +! 0 2.080000 1.311165 1.311172 +! 0 2.060000 1.314804 1.314812 +! 0 2.040000 1.318410 1.318418 +! 0 2.020000 1.321984 1.321991 +! 0 2.000000 1.325527 1.325534 +! 0 1.980000 1.329040 1.329047 +! 0 1.960000 1.332524 1.332531 +! 0 1.940000 1.335981 1.335987 +! 0 1.920000 1.339410 1.339416 +! 0 1.900000 1.342813 1.342819 +! 0 1.880000 1.346191 1.346197 +! 0 1.860000 1.349545 1.349551 +! 0 1.840000 1.352876 1.352882 +! 0 1.820000 1.356184 1.356190 +! 0 1.800000 1.359472 1.359477 +! 0 1.780000 1.362738 1.362744 +! 0 1.760000 1.365985 1.365991 +! 0 1.740000 1.369213 1.369219 +! 0 1.720000 1.372424 1.372429 +! 0 1.700000 1.375617 1.375622 +! 0 1.680000 1.378793 1.378798 +! 0 1.660000 1.381954 1.381959 +! 0 1.640000 1.385101 1.385105 +! 0 1.620000 1.388233 1.388238 +! 0 1.600000 1.391352 1.391357 +! 0 1.580000 1.394459 1.394463 +! 0 1.560000 1.397554 1.397558 +! 0 1.540000 1.400638 1.400642 +! 0 1.520000 1.403711 1.403715 +! 0 1.500000 1.406775 1.406779 +! 0 1.480000 1.409831 1.409835 +! 0 1.460000 1.412878 1.412882 +! 0 1.440000 1.415918 1.415922 +! 0 1.420000 1.418951 1.418955 +! 0 1.400000 1.421979 1.421982 +! 0 1.380000 1.425001 1.425004 +! 0 1.360000 1.428018 1.428021 +! 0 1.340000 1.431032 1.431035 +! 0 1.320000 1.434043 1.434046 +! 0 1.300000 1.437051 1.437054 +! 0 1.280000 1.440057 1.440060 +! 0 1.260000 1.443062 1.443065 +! 0 1.240000 1.446067 1.446070 +! 0 1.220000 1.449073 1.449075 +! 0 1.200000 1.452079 1.452082 +! 0 1.180000 1.455087 1.455090 +! 0 1.160000 1.458098 1.458100 +! 0 1.140000 1.461111 1.461114 +! 0 1.120000 1.464129 1.464131 +! 0 1.100000 1.467151 1.467153 +! 0 1.080000 1.470178 1.470180 +! 0 1.060000 1.473212 1.473214 +! 0 1.040000 1.476252 1.476254 +! 0 1.020000 1.479300 1.479301 +! 0 1.000000 1.482355 1.482357 +! 0 0.980000 1.485420 1.485422 +! 0 0.960000 1.488495 1.488496 +! 0 0.940000 1.491580 1.491581 +! 0 0.920000 1.494676 1.494678 +! 0 0.900000 1.497784 1.497786 +! 0 0.880000 1.500906 1.500907 +! 0 0.860000 1.504041 1.504042 +! 0 0.840000 1.507190 1.507191 +! 0 0.820000 1.510355 1.510356 +! 0 0.800000 1.513535 1.513537 +! 0 0.780000 1.516733 1.516735 +! 0 0.760000 1.519949 1.519950 +! 0 0.740000 1.523184 1.523185 +! 0 0.720000 1.526438 1.526439 +! 0 0.700000 1.529713 1.529714 +! 0 0.680000 1.533009 1.533010 +! 0 0.660000 1.536328 1.536329 +! 0 0.640000 1.539671 1.539672 +! 0 0.620000 1.543038 1.543039 +! 0 0.600000 1.546430 1.546431 +! 0 0.580000 1.549849 1.549850 +! 0 0.560000 1.553296 1.553297 +! 0 0.540000 1.556771 1.556772 +! 0 0.520000 1.560277 1.560278 +! 0 0.500000 1.563813 1.563814 +! 0 0.480000 1.567382 1.567383 +! 0 0.460000 1.570984 1.570985 +! 0 0.440000 1.574621 1.574621 +! 0 0.420000 1.578293 1.578294 +! 0 0.400000 1.582003 1.582004 +! 0 0.380000 1.585752 1.585753 +! 0 0.360000 1.589541 1.589541 +! 0 0.340000 1.593371 1.593371 +! 0 0.320000 1.597244 1.597244 +! 0 0.300000 1.601161 1.601162 +! 0 0.280000 1.605124 1.605125 +! 0 0.260000 1.609135 1.609136 +! 0 0.240000 1.613195 1.613196 +! 0 0.220000 1.617306 1.617307 +! 0 0.200000 1.621470 1.621471 +! 0 0.180000 1.625688 1.625689 +! 0 0.160000 1.629963 1.629963 +! 0 0.140000 1.634296 1.634296 +! 0 0.120000 1.638689 1.638689 +! 0 0.100000 1.643145 1.643145 +! 0 0.080000 1.647665 1.647665 +! 0 0.060000 1.652252 1.652252 +! 0 0.040000 1.656908 1.656908 +! 0 0.020000 1.661635 1.661635 +! 0 0.000000 1.666436 1.666436 +! 0 -0.020000 1.671314 1.671314 +! 0 -0.040000 1.676270 1.676271 +! 0 -0.060000 1.681309 1.681309 +! 0 -0.080000 1.686432 1.686432 +! 0 -0.100000 1.691642 1.691642 +! 0 -0.120000 1.696943 1.696943 +! 0 -0.140000 1.702337 1.702337 +! 0 -0.160000 1.707829 1.707829 +! 0 -0.180000 1.713421 1.713421 +! 0 -0.200000 1.719117 1.719117 +! 0 -0.220000 1.724920 1.724920 +! 0 -0.240000 1.730835 1.730835 +! 0 -0.260000 1.736865 1.736865 +! 0 -0.280000 1.743015 1.743015 +! 0 -0.300000 1.749289 1.749288 +! 0 -0.320000 1.755690 1.755690 +! 0 -0.340000 1.762225 1.762225 +! 0 -0.360000 1.768897 1.768897 +! 0 -0.380000 1.775712 1.775712 +! 0 -0.400000 1.782675 1.782675 +! 0 -0.420000 1.789791 1.789791 +! 0 -0.440000 1.797067 1.797066 +! 0 -0.460000 1.804507 1.804507 +! 0 -0.480000 1.812119 1.812118 +! 0 -0.500000 1.819908 1.819907 +! 0 -0.520000 1.827881 1.827880 +! 0 -0.540000 1.836045 1.836044 +! 0 -0.560000 1.844407 1.844407 +! 0 -0.580000 1.852976 1.852975 +! 0 -0.600000 1.861758 1.861757 +! 0 -0.620000 1.870762 1.870761 +! 0 -0.640000 1.879996 1.879995 +! 0 -0.660000 1.889469 1.889469 +! 0 -0.680000 1.899191 1.899190 +! 0 -0.700000 1.909170 1.909169 +! 0 -0.720000 1.919417 1.919417 +! 0 -0.740000 1.929942 1.929942 +! 0 -0.760000 1.940756 1.940756 +! 0 -0.780000 1.951870 1.951869 +! 0 -0.800000 1.963294 1.963294 +! 0 -0.820000 1.975042 1.975042 +! 0 -0.840000 1.987126 1.987126 +! 0 -0.860000 1.999557 1.999557 +! 0 -0.880000 2.012350 2.012350 +! 0 -0.900000 2.025517 2.025517 +! 0 -0.920000 2.039072 2.039072 +! 0 -0.940000 2.053030 2.053031 +! 0 -0.960000 2.067405 2.067406 +! 0 -0.980000 2.082212 2.082213 +! 0 -1.000000 2.097466 2.097466 +! 0 -1.020000 2.113181 2.113182 +! 0 -1.040000 2.129374 2.129375 +! 0 -1.060000 2.146059 2.146060 +! 0 -1.080000 2.163252 2.163254 +! 0 -1.100000 2.180968 2.180970 +! 0 -1.120000 2.199221 2.199224 +! 0 -1.140000 2.218027 2.218031 +! 0 -1.160000 2.237400 2.237403 +! 0 -1.180000 2.257351 2.257355 +! 0 -1.200000 2.277894 2.277899 +! 0 -1.220000 2.299040 2.299045 +! 0 -1.240000 2.320797 2.320804 +! 0 -1.260000 2.343176 2.343182 +! 0 -1.280000 2.366180 2.366188 +! 0 -1.300000 2.389815 2.389824 +! 0 -1.320000 2.414082 2.414092 +! 0 -1.340000 2.438980 2.438990 +! 0 -1.360000 2.464503 2.464515 +! 0 -1.380000 2.490646 2.490658 +! 0 -1.400000 2.517394 2.517408 +! 0 -1.420000 2.544735 2.544750 +! 0 -1.440000 2.572648 2.572664 +! 0 -1.460000 2.601109 2.601126 +! 0 -1.480000 2.630090 2.630109 +! 0 -1.500000 2.659558 2.659579 +! 0 -1.520000 2.689477 2.689499 +! 0 -1.540000 2.719805 2.719829 +! 0 -1.560000 2.750497 2.750522 +! 0 -1.580000 2.781503 2.781529 +! 0 -1.600000 2.812770 2.812798 +! 0 -1.620000 2.844243 2.844273 +! 0 -1.640000 2.875865 2.875896 +! 0 -1.660000 2.907575 2.907608 +! 0 -1.680000 2.939313 2.939347 +! 0 -1.700000 2.971017 2.971053 +! 0 -1.720000 3.002627 3.002665 +! 0 -1.740000 3.034084 3.034123 +! 0 -1.760000 3.065328 3.065369 +! 0 -1.780000 3.096305 3.096348 +! 0 -1.800000 3.126963 3.127006 +! 0 -1.820000 3.157251 3.157296 +! 0 -1.840000 3.187124 3.187170 +! 0 -1.860000 3.216542 3.216589 +! 0 -1.880000 3.245466 3.245514 +! 0 -1.900000 3.273864 3.273913 +! 0 -1.920000 3.301708 3.301758 +! 0 -1.940000 3.328975 3.329026 +! 0 -1.960000 3.355644 3.355696 +! 0 -1.980000 3.381701 3.381753 +! 0 -2.000000 3.407133 3.407186 +! 0 -2.020000 3.431934 3.431987 +! 0 -2.040000 3.456098 3.456152 +! 0 -2.060000 3.479625 3.479679 +! 0 -2.080000 3.502515 3.502570 +! 0 -2.100000 3.524774 3.524829 +! 0 -2.120000 3.546406 3.546461 +! 0 -2.140000 3.567420 3.567476 +! 0 -2.160000 3.587826 3.587882 +! 0 -2.180000 3.607635 3.607690 +! 0 -2.200000 3.626858 3.626914 +! 0 -2.220000 3.645509 3.645565 +! 0 -2.240000 3.663603 3.663659 +! 0 -2.260000 3.681152 3.681208 +! 0 -2.280000 3.698173 3.698229 +! 0 -2.300000 3.714680 3.714736 +! 0 -2.320000 3.730688 3.730744 +! 0 -2.340000 3.746214 3.746269 +! 0 -2.360000 3.761271 3.761327 +! 0 -2.380000 3.775876 3.775931 +! 0 -2.400000 3.790043 3.790098 +! 0 -2.420000 3.803786 3.803842 +! 0 -2.440000 3.817121 3.817177 +! 0 -2.460000 3.830062 3.830117 +! 0 -2.480000 3.842622 3.842677 +! 0 -2.500000 3.854815 3.854869 +! 0 -2.520000 3.866653 3.866707 +! 0 -2.540000 3.878150 3.878204 +! 0 -2.560000 3.889317 3.889371 +! 0 -2.580000 3.900167 3.900220 +! 0 -2.600000 3.910710 3.910764 +! 0 -2.620000 3.920959 3.921012 +! 0 -2.640000 3.930923 3.930976 +! 0 -2.660000 3.940612 3.940666 +! 0 -2.680000 3.950038 3.950091 +! 0 -2.700000 3.959208 3.959261 +! 0 -2.720000 3.968133 3.968186 +! 0 -2.740000 3.976821 3.976874 +! 0 -2.760000 3.985281 3.985333 +! 0 -2.780000 3.993520 3.993572 +! 0 -2.800000 4.001547 4.001599 +! 0 -2.820000 4.009368 4.009420 +! 0 -2.840000 4.016991 4.017043 +! 0 -2.860000 4.024424 4.024475 +! 0 -2.880000 4.031672 4.031723 +! 0 -2.900000 4.038742 4.038793 +! 0 -2.920000 4.045639 4.045691 +! 0 -2.940000 4.052371 4.052422 +! 0 -2.960000 4.058942 4.058993 +! 0 -2.980000 4.065358 4.065409 +! 0 -3.000000 4.071624 4.071674 +! 0 -3.020000 4.077745 4.077795 +! 0 -3.040000 4.083725 4.083775 +! 0 -3.060000 4.089570 4.089620 +! 0 -3.080000 4.095284 4.095334 +! 0 -3.100000 4.100870 4.100920 +! 0 -3.120000 4.106334 4.106383 +! 0 -3.140000 4.111678 4.111728 +! 0 -3.160000 4.116907 4.116957 +! 0 -3.180000 4.122024 4.122074 +! 0 -3.200000 4.127033 4.127082 +! 0 -3.220000 4.131937 4.131986 +! 0 -3.240000 4.136739 4.136788 +! 0 -3.260000 4.141443 4.141492 +! 0 -3.280000 4.146050 4.146099 +! 0 -3.300000 4.150565 4.150614 +! 0 -3.320000 4.154990 4.155039 +! 0 -3.340000 4.159327 4.159376 +! 0 -3.360000 4.163580 4.163628 +! 0 -3.380000 4.167750 4.167798 +! 0 -3.400000 4.171839 4.171888 +! 0 -3.420000 4.175851 4.175900 +! 0 -3.440000 4.179788 4.179836 +! 0 -3.460000 4.183651 4.183699 +! 0 -3.480000 4.187442 4.187490 +! 0 -3.500000 4.191164 4.191212 +! 0 -3.520000 4.194818 4.194866 +! 0 -3.540000 4.198407 4.198455 +! 0 -3.560000 4.201931 4.201979 +! 0 -3.580000 4.205393 4.205441 +! 0 -3.600000 4.208795 4.208843 +! 0 -3.620000 4.212137 4.212185 +! 0 -3.640000 4.215422 4.215470 +! 0 -3.660000 4.218651 4.218699 +! 0 -3.680000 4.221826 4.221874 +! 0 -3.700000 4.224947 4.224995 +! 0 -3.720000 4.228017 4.228064 +! 0 -3.740000 4.231036 4.231083 +! 0 -3.760000 4.234006 4.234053 +! 0 -3.780000 4.236927 4.236975 +! 0 -3.800000 4.239802 4.239849 +! 0 -3.820000 4.242631 4.242678 +! 0 -3.840000 4.245416 4.245463 +! 0 -3.860000 4.248157 4.248204 +! 0 -3.880000 4.250855 4.250902 +! 0 -3.900000 4.253512 4.253559 +! 0 -3.920000 4.256129 4.256176 +! 0 -3.940000 4.258706 4.258753 +! 0 -3.960000 4.261244 4.261291 +! 0 -3.980000 4.263744 4.263791 +! 0 -4.000000 4.266208 4.266255 +! 0 -4.020000 4.268635 4.268682 +! 0 -4.040000 4.271028 4.271075 +! 0 -4.060000 4.273386 4.273432 +! 0 -4.080000 4.275710 4.275757 +! 0 -4.100000 4.278001 4.278048 +! 0 -4.120000 4.280260 4.280307 +! 0 -4.140000 4.282487 4.282534 +! 0 -4.160000 4.284684 4.284730 +! 0 -4.180000 4.286850 4.286897 +! 0 -4.200000 4.288987 4.289034 +! 0 -4.220000 4.291095 4.291141 +! 0 -4.240000 4.293174 4.293221 +! 0 -4.260000 4.295226 4.295273 +! 0 -4.280000 4.297251 4.297297 +! 0 -4.300000 4.299249 4.299295 +! 0 -4.320000 4.301221 4.301267 +! 0 -4.340000 4.303167 4.303214 +! 0 -4.360000 4.305089 4.305135 +! 0 -4.380000 4.306986 4.307032 +! 0 -4.400000 4.308859 4.308905 +! 0 -4.420000 4.310708 4.310755 +! 0 -4.440000 4.312534 4.312581 +! 0 -4.460000 4.314338 4.314385 +! 0 -4.480000 4.316120 4.316166 +! 0 -4.500000 4.317879 4.317926 +! 0 -4.520000 4.319618 4.319664 +! 0 -4.540000 4.321335 4.321381 +! 0 -4.560000 4.323032 4.323078 +! 0 -4.580000 4.324709 4.324755 +! 0 -4.600000 4.326366 4.326412 +! 0 -4.620000 4.328003 4.328049 +! 0 -4.640000 4.329621 4.329668 +! 0 -4.660000 4.331221 4.331268 +! 0 -4.680000 4.332802 4.332849 +! 0 -4.700000 4.334366 4.334412 +! 0 -4.720000 4.335911 4.335958 +! 0 -4.740000 4.337440 4.337486 +! 0 -4.760000 4.338951 4.338997 +! 0 -4.780000 4.340445 4.340491 +! 0 -4.800000 4.341923 4.341969 +! 0 -4.820000 4.343384 4.343431 +! 0 -4.840000 4.344830 4.344876 +! 0 -4.860000 4.346260 4.346306 +! 0 -4.880000 4.347675 4.347721 +! 0 -4.900000 4.349074 4.349120 +! 0 -4.920000 4.350459 4.350505 +! 0 -4.940000 4.351829 4.351875 +! 0 -4.960000 4.353184 4.353231 +! 0 -4.980000 4.354526 4.354572 +! 0 -5.000000 4.355853 4.355900 +! 0 -5.020000 4.357167 4.357214 +! 0 -5.040000 4.358468 4.358514 +! 0 -5.060000 4.359755 4.359801 +! 0 -5.080000 4.361029 4.361076 +! 0 -5.100000 4.362291 4.362337 +! 0 -5.120000 4.363539 4.363586 +! 0 -5.140000 4.364776 4.364822 +! 0 -5.160000 4.366000 4.366046 +! 0 -5.180000 4.367212 4.367259 +! 0 -5.200000 4.368413 4.368459 +! 0 -5.220000 4.369601 4.369648 +! 0 -5.240000 4.370779 4.370825 +! 0 -5.260000 4.371944 4.371991 +! 0 -5.280000 4.373099 4.373146 +! 0 -5.300000 4.374243 4.374290 +! 0 -5.320000 4.375376 4.375423 +! 0 -5.340000 4.376499 4.376545 +! 0 -5.360000 4.377611 4.377657 +! 0 -5.380000 4.378713 4.378759 +! 0 -5.400000 4.379804 4.379851 +! 0 -5.420000 4.380886 4.380932 +! 0 -5.440000 4.381958 4.382004 +! 0 -5.460000 4.383020 4.383066 +! 0 -5.480000 4.384072 4.384119 +! 0 -5.500000 4.385115 4.385162 +! 0 -5.520000 4.386149 4.386195 +! 0 -5.540000 4.387173 4.387220 +! 0 -5.560000 4.388189 4.388236 +! 0 -5.580000 4.389196 4.389242 +! 0 -5.600000 4.390193 4.390240 +! 0 -5.620000 4.391183 4.391229 +! 0 -5.640000 4.392163 4.392210 +! 0 -5.660000 4.393136 4.393182 +! 0 -5.680000 4.394100 4.394146 +! 0 -5.700000 4.395055 4.395102 +! 0 -5.720000 4.396003 4.396050 +! 0 -5.740000 4.396943 4.396989 +! 0 -5.760000 4.397875 4.397921 +! 0 -5.780000 4.398799 4.398845 +! 0 -5.800000 4.399715 4.399762 +! 0 -5.820000 4.400624 4.400671 +! 0 -5.840000 4.401525 4.401572 +! 0 -5.860000 4.402420 4.402466 +! 0 -5.880000 4.403306 4.403353 +! 0 -5.900000 4.404186 4.404233 +! 0 -5.920000 4.405059 4.405105 +! 0 -5.940000 4.405924 4.405971 +! 0 -5.960000 4.406783 4.406830 +! 0 -5.980000 4.407635 4.407682 +! 0 -6.000000 4.408480 4.408527 +! 0 -6.020000 4.409319 4.409366 +! 0 -6.040000 4.410151 4.410198 +! 0 -6.060000 4.410977 4.411023 +! 0 -6.080000 4.411796 4.411843 +! 0 -6.100000 4.412609 4.412656 +! 0 -6.120000 4.413416 4.413462 +! 0 -6.140000 4.414216 4.414263 +! 0 -6.160000 4.415011 4.415058 +! 0 -6.180000 4.415799 4.415846 +! 0 -6.200000 4.416582 4.416629 +! 0 -6.220000 4.417359 4.417406 +! 0 -6.240000 4.418130 4.418177 +! 0 -6.260000 4.418895 4.418942 +! 0 -6.280000 4.419655 4.419702 +! 0 -6.300000 4.420409 4.420456 +! 0 -6.320000 4.421157 4.421204 +! 0 -6.340000 4.421901 4.421947 +! 0 -6.360000 4.422638 4.422685 +! 0 -6.380000 4.423371 4.423418 +! 0 -6.400000 4.424098 4.424145 +! 0 -6.420000 4.424820 4.424867 +! 0 -6.440000 4.425537 4.425584 +! 0 -6.460000 4.426249 4.426296 +! 0 -6.480000 4.426955 4.427002 +! 0 -6.500000 4.427657 4.427704 +! 0 -6.520000 4.428354 4.428401 +! 0 -6.540000 4.429046 4.429093 +! 0 -6.560000 4.429734 4.429781 +! 0 -6.580000 4.430416 4.430463 +! 0 -6.600000 4.431094 4.431141 +! 0 -6.620000 4.431767 4.431814 +! 0 -6.640000 4.432436 4.432483 +! 0 -6.660000 4.433100 4.433147 +! 0 -6.680000 4.433760 4.433807 +! 0 -6.700000 4.434415 4.434462 +! 0 -6.720000 4.435066 4.435113 +! 0 -6.740000 4.435712 4.435760 +! 0 -6.760000 4.436355 4.436402 +! 0 -6.780000 4.436993 4.437040 +! 0 -6.800000 4.437626 4.437674 +! 0 -6.820000 4.438256 4.438303 +! 0 -6.840000 4.438882 4.438929 +! 0 -6.860000 4.439503 4.439550 +! 0 -6.880000 4.440121 4.440168 +! 0 -6.900000 4.440734 4.440781 +! 0 -6.920000 4.441344 4.441391 +! 0 -6.940000 4.441949 4.441997 +! 0 -6.960000 4.442551 4.442598 +! 0 -6.980000 4.443149 4.443196 +! 0 -7.000000 4.443743 4.443791 +! 0 -7.020000 4.444334 4.444381 +! 0 -7.040000 4.444921 4.444968 +! 0 -7.060000 4.445504 4.445551 +! 0 -7.080000 4.446083 4.446130 +! 0 -7.100000 4.446659 4.446706 +! 0 -7.120000 4.447231 4.447279 +! 0 -7.140000 4.447800 4.447848 +! 0 -7.160000 4.448366 4.448413 +! 0 -7.180000 4.448928 4.448975 +! 0 -7.200000 4.449486 4.449533 +! 0 -7.220000 4.450041 4.450089 +! 0 -7.240000 4.450593 4.450640 +! 0 -7.260000 4.451142 4.451189 +! 0 -7.280000 4.451687 4.451734 +! 0 -7.300000 4.452229 4.452276 +! 0 -7.320000 4.452767 4.452815 +! 0 -7.340000 4.453303 4.453350 +! 0 -7.360000 4.453835 4.453883 +! 0 -7.380000 4.454365 4.454412 +! 0 -7.400000 4.454891 4.454938 +! 0 -7.420000 4.455414 4.455461 +! 0 -7.440000 4.455934 4.455982 +! 0 -7.460000 4.456451 4.456499 +! 0 -7.480000 4.456965 4.457013 +! 0 -7.500000 4.457476 4.457524 +! 0 -7.520000 4.457985 4.458032 +! 0 -7.540000 4.458490 4.458538 +! 0 -7.560000 4.458993 4.459040 +! 0 -7.580000 4.459492 4.459540 +! 0 -7.600000 4.459989 4.460037 +! 0 -7.620000 4.460483 4.460531 +! 0 -7.640000 4.460974 4.461022 +! 0 -7.660000 4.461463 4.461510 +! 0 -7.680000 4.461949 4.461996 +! 0 -7.700000 4.462432 4.462479 +! 0 -7.720000 4.462912 4.462960 +! 0 -7.740000 4.463390 4.463438 +! 0 -7.760000 4.463865 4.463913 +! 0 -7.780000 4.464338 4.464386 +! 0 -7.800000 4.464808 4.464856 +! 0 -7.820000 4.465276 4.465323 +! 0 -7.840000 4.465741 4.465788 +! 0 -7.860000 4.466203 4.466251 +! 0 -7.880000 4.466663 4.466711 +! 0 -7.900000 4.467121 4.467168 +! 0 -7.920000 4.467576 4.467623 +! 0 -7.940000 4.468028 4.468076 +! 0 -7.960000 4.468479 4.468526 +! 0 -7.980000 4.468927 4.468974 +! 0 -8.000000 4.469372 4.469420 +! 0 -8.020000 4.469815 4.469863 +! 0 -8.040000 4.470256 4.470304 +! 0 -8.060000 4.470695 4.470743 +! 0 -8.080000 4.471131 4.471179 +! 0 -8.100000 4.471566 4.471613 +! 0 -8.120000 4.471997 4.472045 +! 0 -8.140000 4.472427 4.472475 +! 0 -8.160000 4.472854 4.472902 +! 0 -8.180000 4.473280 4.473328 +! 0 -8.200000 4.473703 4.473751 +! 0 -8.220000 4.474124 4.474172 +! 0 -8.240000 4.474543 4.474591 +! 0 -8.260000 4.474959 4.475007 +! 0 -8.280000 4.475374 4.475422 +! 0 -8.300000 4.475787 4.475835 +! 0 -8.320000 4.476197 4.476245 +! 0 -8.340000 4.476606 4.476654 +! 0 -8.360000 4.477012 4.477060 +! 0 -8.380000 4.477417 4.477464 +! 0 -8.400000 4.477819 4.477867 +! 0 -8.420000 4.478220 4.478267 +! 0 -8.440000 4.478618 4.478666 +! 0 -8.460000 4.479015 4.479063 +! 0 -8.480000 4.479409 4.479457 +! 0 -8.500000 4.479802 4.479850 +! 0 -8.520000 4.480193 4.480241 +! 0 -8.540000 4.480582 4.480630 +! 0 -8.560000 4.480969 4.481017 +! 0 -8.580000 4.481354 4.481402 +! 0 -8.600000 4.481738 4.481786 +! 0 -8.620000 4.482119 4.482167 +! 0 -8.640000 4.482499 4.482547 +! 0 -8.660000 4.482877 4.482925 +! 0 -8.680000 4.483253 4.483301 +! 0 -8.700000 4.483628 4.483676 +! 0 -8.720000 4.484000 4.484048 +! 0 -8.740000 4.484371 4.484419 +! 0 -8.760000 4.484741 4.484789 +! 0 -8.780000 4.485108 4.485156 +! 0 -8.800000 4.485474 4.485522 +! 0 -8.820000 4.485838 4.485886 +! 0 -8.840000 4.486200 4.486248 +! 0 -8.860000 4.486561 4.486609 +! 0 -8.880000 4.486920 4.486968 +! 0 -8.900000 4.487278 4.487326 +! 0 -8.920000 4.487634 4.487682 +! 0 -8.940000 4.487988 4.488036 +! 0 -8.960000 4.488341 4.488389 +! 0 -8.980000 4.488692 4.488740 +! 0 -9.000000 4.489041 4.489089 +! 0 -9.020000 4.489389 4.489437 +! 0 -9.040000 4.489735 4.489784 +! 0 -9.060000 4.490080 4.490128 +! 0 -9.080000 4.490424 4.490472 +! 0 -9.100000 4.490765 4.490813 +! 0 -9.120000 4.491106 4.491154 +! 0 -9.140000 4.491444 4.491492 +! 0 -9.160000 4.491782 4.491830 +! 0 -9.180000 4.492118 4.492166 +! 0 -9.200000 4.492452 4.492500 +! 0 -9.220000 4.492785 4.492833 +! 0 -9.240000 4.493116 4.493164 +! 0 -9.260000 4.493446 4.493494 +! 0 -9.280000 4.493775 4.493823 +! 0 -9.300000 4.494102 4.494150 +! 0 -9.320000 4.494428 4.494476 +! 0 -9.340000 4.494752 4.494800 +! 0 -9.360000 4.495075 4.495123 +! 0 -9.380000 4.495397 4.495445 +! 0 -9.400000 4.495717 4.495765 +! 0 -9.420000 4.496036 4.496084 +! 0 -9.440000 4.496353 4.496401 +! 0 -9.460000 4.496669 4.496718 +! 0 -9.480000 4.496984 4.497032 +! 0 -9.500000 4.497298 4.497346 +! 0 -9.520000 4.497610 4.497658 +! 0 -9.540000 4.497921 4.497969 +! 0 -9.560000 4.498231 4.498279 +! 0 -9.580000 4.498539 4.498587 +! 0 -9.600000 4.498846 4.498894 +! 0 -9.620000 4.499152 4.499200 +! 0 -9.640000 4.499457 4.499505 +! 0 -9.660000 4.499760 4.499808 +! 0 -9.680000 4.500062 4.500110 +! 0 -9.700000 4.500363 4.500411 +! 0 -9.720000 4.500662 4.500711 +! 0 -9.740000 4.500961 4.501009 +! 0 -9.760000 4.501258 4.501306 +! 0 -9.780000 4.501554 4.501602 +! 0 -9.800000 4.501849 4.501897 +! 0 -9.820000 4.502142 4.502191 +! 0 -9.840000 4.502435 4.502483 +! 0 -9.860000 4.502726 4.502774 +! 0 -9.880000 4.503016 4.503064 +! 0 -9.900000 4.503305 4.503353 +! 0 -9.920000 4.503593 4.503641 +! 0 -9.940000 4.503880 4.503928 +! 0 -9.960000 4.504165 4.504213 +! 0 -9.980000 4.504450 4.504498 +! 0 -10.000000 4.504733 4.504781 +! 0 -10.020000 4.505015 4.505063 +! 0 -10.040000 4.505296 4.505345 +! 0 -10.060000 4.505576 4.505625 +! 0 -10.080000 4.505855 4.505903 +! 0 -10.100000 4.506133 4.506181 +! 0 -10.120000 4.506410 4.506458 +! 0 -10.140000 4.506686 4.506734 +! 0 -10.160000 4.506960 4.507008 +! 0 -10.180000 4.507234 4.507282 +! 0 -10.200000 4.507506 4.507555 +! 0 -10.220000 4.507778 4.507826 +! 0 -10.240000 4.508048 4.508097 +! 0 -10.260000 4.508318 4.508366 +! 0 -10.280000 4.508586 4.508634 +! 0 -10.300000 4.508854 4.508902 +! 0 -10.320000 4.509120 4.509168 +! 0 -10.340000 4.509385 4.509434 +! 0 -10.360000 4.509650 4.509698 +! 0 -10.380000 4.509913 4.509961 +! 0 -10.400000 4.510176 4.510224 +! 0 -10.420000 4.510437 4.510485 +! 0 -10.440000 4.510698 4.510746 +! 0 -10.460000 4.510957 4.511005 +! 0 -10.480000 4.511216 4.511264 +! 0 -10.500000 4.511473 4.511521 +! 0 -10.520000 4.511730 4.511778 +! 0 -10.540000 4.511986 4.512034 +! 0 -10.560000 4.512240 4.512289 +! 0 -10.580000 4.512494 4.512542 +! 0 -10.600000 4.512747 4.512795 +! 0 -10.620000 4.512999 4.513047 +! 0 -10.640000 4.513250 4.513298 +! 0 -10.660000 4.513501 4.513549 +! 0 -10.680000 4.513750 4.513798 +! 0 -10.700000 4.513998 4.514046 +! 0 -10.720000 4.514246 4.514294 +! 0 -10.740000 4.514492 4.514540 +! 0 -10.760000 4.514738 4.514786 +! 0 -10.780000 4.514983 4.515031 +! 0 -10.800000 4.515227 4.515275 +! 0 -10.820000 4.515470 4.515518 +! 0 -10.840000 4.515712 4.515760 +! 0 -10.860000 4.515953 4.516002 +! 0 -10.880000 4.516194 4.516242 +! 0 -10.900000 4.516434 4.516482 +! 0 -10.920000 4.516673 4.516721 +! 0 -10.940000 4.516911 4.516959 +! 0 -10.960000 4.517148 4.517196 +! 0 -10.980000 4.517384 4.517432 +! 0 -11.000000 4.517620 4.517668 +! 0 -11.020000 4.517854 4.517902 +! 0 -11.040000 4.518088 4.518136 +! 0 -11.060000 4.518321 4.518369 +! 0 -11.080000 4.518554 4.518602 +! 0 -11.100000 4.518785 4.518833 +! 0 -11.120000 4.519016 4.519064 +! 0 -11.140000 4.519246 4.519294 +! 0 -11.160000 4.519475 4.519523 +! 0 -11.180000 4.519703 4.519751 +! 0 -11.200000 4.519931 4.519979 +! 0 -11.220000 4.520157 4.520205 +! 0 -11.240000 4.520383 4.520431 +! 0 -11.260000 4.520609 4.520657 +! 0 -11.280000 4.520833 4.520881 +! 0 -11.300000 4.521057 4.521105 +! 0 -11.320000 4.521280 4.521328 +! 0 -11.340000 4.521502 4.521550 +! 0 -11.360000 4.521724 4.521772 +! 0 -11.380000 4.521944 4.521992 +! 0 -11.400000 4.522164 4.522212 +! 0 -11.420000 4.522384 4.522432 +! 0 -11.440000 4.522602 4.522650 +! 0 -11.460000 4.522820 4.522868 +! 0 -11.480000 4.523037 4.523085 +! 0 -11.500000 4.523254 4.523302 +! 0 -11.520000 4.523469 4.523517 +! 0 -11.540000 4.523684 4.523732 +! 0 -11.560000 4.523898 4.523946 +! 0 -11.580000 4.524112 4.524160 +! 0 -11.600000 4.524325 4.524373 +! 0 -11.620000 4.524537 4.524585 +! 0 -11.640000 4.524749 4.524797 +! 0 -11.660000 4.524959 4.525007 +! 0 -11.680000 4.525170 4.525218 +! 0 -11.700000 4.525379 4.525427 +! 0 -11.720000 4.525588 4.525636 +! 0 -11.740000 4.525796 4.525844 +! 0 -11.760000 4.526003 4.526051 +! 0 -11.780000 4.526210 4.526258 +! 0 -11.800000 4.526416 4.526464 +! 0 -11.820000 4.526622 4.526670 +! 0 -11.840000 4.526827 4.526874 +! 0 -11.860000 4.527031 4.527079 +! 0 -11.880000 4.527234 4.527282 +! 0 -11.900000 4.527437 4.527485 +! 0 -11.920000 4.527639 4.527687 +! 0 -11.940000 4.527841 4.527889 +! 0 -11.960000 4.528042 4.528090 +! 0 -11.980000 4.528242 4.528290 + +log derivativve data for plotting, l= 1 +atan(r * ((d psi(r)/dr)/psi(r))), r= 1.47 +l, energy, all-electron, pseudopotential + +! 1 12.000000 1.066272 1.286771 +! 1 11.980000 1.076060 1.290090 +! 1 11.960000 1.085537 1.293351 +! 1 11.940000 1.094716 1.296557 +! 1 11.920000 1.103610 1.299708 +! 1 11.900000 1.112232 1.302807 +! 1 11.880000 1.120594 1.305855 +! 1 11.860000 1.128705 1.308853 +! 1 11.840000 1.136578 1.311802 +! 1 11.820000 1.144221 1.314704 +! 1 11.800000 1.151645 1.317560 +! 1 11.780000 1.158858 1.320371 +! 1 11.760000 1.165869 1.323139 +! 1 11.740000 1.172686 1.325864 +! 1 11.720000 1.179317 1.328548 +! 1 11.700000 1.185770 1.331191 +! 1 11.680000 1.192051 1.333795 +! 1 11.660000 1.198167 1.336361 +! 1 11.640000 1.204125 1.338889 +! 1 11.620000 1.209930 1.341381 +! 1 11.600000 1.215589 1.343837 +! 1 11.580000 1.221106 1.346259 +! 1 11.560000 1.226488 1.348647 +! 1 11.540000 1.231739 1.351002 +! 1 11.520000 1.236864 1.353324 +! 1 11.500000 1.241868 1.355615 +! 1 11.480000 1.246754 1.357876 +! 1 11.460000 1.251528 1.360106 +! 1 11.440000 1.256193 1.362307 +! 1 11.420000 1.260753 1.364480 +! 1 11.400000 1.265212 1.366625 +! 1 11.380000 1.269572 1.368742 +! 1 11.360000 1.273838 1.370833 +! 1 11.340000 1.278013 1.372898 +! 1 11.320000 1.282100 1.374937 +! 1 11.300000 1.286101 1.376951 +! 1 11.280000 1.290020 1.378942 +! 1 11.260000 1.293859 1.380908 +! 1 11.240000 1.297621 1.382851 +! 1 11.220000 1.301308 1.384772 +! 1 11.200000 1.304923 1.386670 +! 1 11.180000 1.308468 1.388547 +! 1 11.160000 1.311944 1.390402 +! 1 11.140000 1.315356 1.392237 +! 1 11.120000 1.318703 1.394051 +! 1 11.100000 1.321989 1.395846 +! 1 11.080000 1.325215 1.397621 +! 1 11.060000 1.328382 1.399377 +! 1 11.040000 1.331494 1.401114 +! 1 11.020000 1.334551 1.402834 +! 1 11.000000 1.337554 1.404535 +! 1 10.980000 1.340506 1.406219 +! 1 10.960000 1.343409 1.407886 +! 1 10.940000 1.346262 1.409536 +! 1 10.920000 1.349069 1.411170 +! 1 10.900000 1.351830 1.412787 +! 1 10.880000 1.354546 1.414390 +! 1 10.860000 1.357219 1.415976 +! 1 10.840000 1.359849 1.417548 +! 1 10.820000 1.362439 1.419105 +! 1 10.800000 1.364989 1.420647 +! 1 10.780000 1.367501 1.422175 +! 1 10.760000 1.369974 1.423690 +! 1 10.740000 1.372411 1.425191 +! 1 10.720000 1.374813 1.426678 +! 1 10.700000 1.377179 1.428153 +! 1 10.680000 1.379512 1.429615 +! 1 10.660000 1.381812 1.431064 +! 1 10.640000 1.384080 1.432501 +! 1 10.620000 1.386316 1.433926 +! 1 10.600000 1.388523 1.435340 +! 1 10.580000 1.390699 1.436742 +! 1 10.560000 1.392847 1.438132 +! 1 10.540000 1.394966 1.439512 +! 1 10.520000 1.397058 1.440880 +! 1 10.500000 1.399124 1.442238 +! 1 10.480000 1.401163 1.443586 +! 1 10.460000 1.403177 1.444923 +! 1 10.440000 1.405166 1.446251 +! 1 10.420000 1.407131 1.447568 +! 1 10.400000 1.409072 1.448876 +! 1 10.380000 1.410990 1.450175 +! 1 10.360000 1.412886 1.451465 +! 1 10.340000 1.414759 1.452745 +! 1 10.320000 1.416612 1.454017 +! 1 10.300000 1.418443 1.455279 +! 1 10.280000 1.420254 1.456534 +! 1 10.260000 1.422045 1.457780 +! 1 10.240000 1.423817 1.459018 +! 1 10.220000 1.425570 1.460248 +! 1 10.200000 1.427304 1.461470 +! 1 10.180000 1.429020 1.462684 +! 1 10.160000 1.430718 1.463891 +! 1 10.140000 1.432400 1.465091 +! 1 10.120000 1.434064 1.466283 +! 1 10.100000 1.435712 1.467468 +! 1 10.080000 1.437344 1.468647 +! 1 10.060000 1.438960 1.469818 +! 1 10.040000 1.440560 1.470983 +! 1 10.020000 1.442146 1.472141 +! 1 10.000000 1.443717 1.473293 +! 1 9.980000 1.445274 1.474439 +! 1 9.960000 1.446816 1.475579 +! 1 9.940000 1.448346 1.476713 +! 1 9.920000 1.449861 1.477841 +! 1 9.900000 1.451364 1.478963 +! 1 9.880000 1.452854 1.480079 +! 1 9.860000 1.454331 1.481190 +! 1 9.840000 1.455796 1.482296 +! 1 9.820000 1.457249 1.483397 +! 1 9.800000 1.458691 1.484492 +! 1 9.780000 1.460121 1.485582 +! 1 9.760000 1.461540 1.486668 +! 1 9.740000 1.462949 1.487749 +! 1 9.720000 1.464346 1.488825 +! 1 9.700000 1.465734 1.489896 +! 1 9.680000 1.467111 1.490963 +! 1 9.660000 1.468478 1.492026 +! 1 9.640000 1.469836 1.493084 +! 1 9.620000 1.471184 1.494138 +! 1 9.600000 1.472522 1.495188 +! 1 9.580000 1.473852 1.496234 +! 1 9.560000 1.475173 1.497277 +! 1 9.540000 1.476486 1.498315 +! 1 9.520000 1.477790 1.499350 +! 1 9.500000 1.479085 1.500381 +! 1 9.480000 1.480373 1.501409 +! 1 9.460000 1.481653 1.502434 +! 1 9.440000 1.482925 1.503455 +! 1 9.420000 1.484190 1.504473 +! 1 9.400000 1.485447 1.505487 +! 1 9.380000 1.486698 1.506499 +! 1 9.360000 1.487941 1.507508 +! 1 9.340000 1.489178 1.508514 +! 1 9.320000 1.490408 1.509517 +! 1 9.300000 1.491631 1.510517 +! 1 9.280000 1.492848 1.511515 +! 1 9.260000 1.494060 1.512511 +! 1 9.240000 1.495265 1.513504 +! 1 9.220000 1.496464 1.514494 +! 1 9.200000 1.497658 1.515482 +! 1 9.180000 1.498846 1.516468 +! 1 9.160000 1.500029 1.517452 +! 1 9.140000 1.501206 1.518434 +! 1 9.120000 1.502378 1.519414 +! 1 9.100000 1.503546 1.520392 +! 1 9.080000 1.504709 1.521368 +! 1 9.060000 1.505867 1.522343 +! 1 9.040000 1.507020 1.523315 +! 1 9.020000 1.508169 1.524287 +! 1 9.000000 1.509314 1.525256 +! 1 8.980000 1.510454 1.526224 +! 1 8.960000 1.511590 1.527191 +! 1 8.940000 1.512723 1.528157 +! 1 8.920000 1.513852 1.529121 +! 1 8.900000 1.514977 1.530084 +! 1 8.880000 1.516098 1.531046 +! 1 8.860000 1.517216 1.532007 +! 1 8.840000 1.518331 1.532968 +! 1 8.820000 1.519443 1.533927 +! 1 8.800000 1.520551 1.534885 +! 1 8.780000 1.521656 1.535843 +! 1 8.760000 1.522759 1.536800 +! 1 8.740000 1.523859 1.537757 +! 1 8.720000 1.524956 1.538713 +! 1 8.700000 1.526050 1.539668 +! 1 8.680000 1.527142 1.540623 +! 1 8.660000 1.528232 1.541578 +! 1 8.640000 1.529320 1.542533 +! 1 8.620000 1.530405 1.543487 +! 1 8.600000 1.531489 1.544441 +! 1 8.580000 1.532570 1.545396 +! 1 8.560000 1.533650 1.546350 +! 1 8.540000 1.534728 1.547304 +! 1 8.520000 1.535804 1.548259 +! 1 8.500000 1.536878 1.549213 +! 1 8.480000 1.537952 1.550168 +! 1 8.460000 1.539024 1.551124 +! 1 8.440000 1.540094 1.552080 +! 1 8.420000 1.541164 1.553036 +! 1 8.400000 1.542233 1.553993 +! 1 8.380000 1.543300 1.554950 +! 1 8.360000 1.544367 1.555908 +! 1 8.340000 1.545433 1.556867 +! 1 8.320000 1.546498 1.557827 +! 1 8.300000 1.547563 1.558788 +! 1 8.280000 1.548627 1.559750 +! 1 8.260000 1.549691 1.560712 +! 1 8.240000 1.550754 1.561676 +! 1 8.220000 1.551818 1.562641 +! 1 8.200000 1.552881 1.563608 +! 1 8.180000 1.553944 1.564575 +! 1 8.160000 1.555007 1.565544 +! 1 8.140000 1.556071 1.566514 +! 1 8.120000 1.557134 1.567486 +! 1 8.100000 1.558198 1.568460 +! 1 8.080000 1.559263 1.569435 +! 1 8.060000 1.560328 1.570412 +! 1 8.040000 1.561393 1.571391 +! 1 8.020000 1.562459 1.572372 +! 1 8.000000 1.563526 1.573354 +! 1 7.980000 1.564594 1.574339 +! 1 7.960000 1.565663 1.575325 +! 1 7.940000 1.566733 1.576314 +! 1 7.920000 1.567804 1.577305 +! 1 7.900000 1.568876 1.578299 +! 1 7.880000 1.569950 1.579295 +! 1 7.860000 1.571025 1.580293 +! 1 7.840000 1.572101 1.581294 +! 1 7.820000 1.573179 1.582297 +! 1 7.800000 1.574259 1.583303 +! 1 7.780000 1.575341 1.584312 +! 1 7.760000 1.576424 1.585324 +! 1 7.740000 1.577510 1.586339 +! 1 7.720000 1.578598 1.587357 +! 1 7.700000 1.579687 1.588378 +! 1 7.680000 1.580779 1.589402 +! 1 7.660000 1.581874 1.590429 +! 1 7.640000 1.582970 1.591459 +! 1 7.620000 1.584070 1.592493 +! 1 7.600000 1.585172 1.593531 +! 1 7.580000 1.586276 1.594572 +! 1 7.560000 1.587384 1.595617 +! 1 7.540000 1.588494 1.596665 +! 1 7.520000 1.589608 1.597718 +! 1 7.500000 1.590724 1.598774 +! 1 7.480000 1.591844 1.599835 +! 1 7.460000 1.592967 1.600899 +! 1 7.440000 1.594094 1.601968 +! 1 7.420000 1.595224 1.603041 +! 1 7.400000 1.596358 1.604118 +! 1 7.380000 1.597496 1.605200 +! 1 7.360000 1.598637 1.606287 +! 1 7.340000 1.599782 1.607378 +! 1 7.320000 1.600932 1.608474 +! 1 7.300000 1.602085 1.609575 +! 1 7.280000 1.603243 1.610681 +! 1 7.260000 1.604406 1.611792 +! 1 7.240000 1.605572 1.612908 +! 1 7.220000 1.606744 1.614029 +! 1 7.200000 1.607920 1.615156 +! 1 7.180000 1.609101 1.616288 +! 1 7.160000 1.610287 1.617426 +! 1 7.140000 1.611478 1.618570 +! 1 7.120000 1.612674 1.619720 +! 1 7.100000 1.613876 1.620875 +! 1 7.080000 1.615083 1.622037 +! 1 7.060000 1.616296 1.623205 +! 1 7.040000 1.617514 1.624379 +! 1 7.020000 1.618739 1.625560 +! 1 7.000000 1.619969 1.626747 +! 1 6.980000 1.621205 1.627941 +! 1 6.960000 1.622448 1.629141 +! 1 6.940000 1.623697 1.630349 +! 1 6.920000 1.624952 1.631564 +! 1 6.900000 1.626214 1.632786 +! 1 6.880000 1.627483 1.634015 +! 1 6.860000 1.628759 1.635252 +! 1 6.840000 1.630042 1.636496 +! 1 6.820000 1.631332 1.637748 +! 1 6.800000 1.632630 1.639008 +! 1 6.780000 1.633935 1.640277 +! 1 6.760000 1.635248 1.641553 +! 1 6.740000 1.636569 1.642838 +! 1 6.720000 1.637897 1.644131 +! 1 6.700000 1.639234 1.645433 +! 1 6.680000 1.640580 1.646744 +! 1 6.660000 1.641933 1.648064 +! 1 6.640000 1.643296 1.649393 +! 1 6.620000 1.644667 1.650731 +! 1 6.600000 1.646048 1.652079 +! 1 6.580000 1.647437 1.653437 +! 1 6.560000 1.648836 1.654805 +! 1 6.540000 1.650245 1.656182 +! 1 6.520000 1.651663 1.657570 +! 1 6.500000 1.653092 1.658969 +! 1 6.480000 1.654530 1.660378 +! 1 6.460000 1.655979 1.661798 +! 1 6.440000 1.657439 1.663229 +! 1 6.420000 1.658909 1.664671 +! 1 6.400000 1.660391 1.666125 +! 1 6.380000 1.661883 1.667590 +! 1 6.360000 1.663388 1.669067 +! 1 6.340000 1.664904 1.670557 +! 1 6.320000 1.666431 1.672059 +! 1 6.300000 1.667971 1.673573 +! 1 6.280000 1.669524 1.675100 +! 1 6.260000 1.671089 1.676641 +! 1 6.240000 1.672667 1.678195 +! 1 6.220000 1.674258 1.679762 +! 1 6.200000 1.675863 1.681343 +! 1 6.180000 1.677481 1.682939 +! 1 6.160000 1.679114 1.684548 +! 1 6.140000 1.680760 1.686173 +! 1 6.120000 1.682421 1.687812 +! 1 6.100000 1.684097 1.689467 +! 1 6.080000 1.685789 1.691138 +! 1 6.060000 1.687495 1.692824 +! 1 6.040000 1.689218 1.694526 +! 1 6.020000 1.690956 1.696245 +! 1 6.000000 1.692711 1.697981 +! 1 5.980000 1.694483 1.699734 +! 1 5.960000 1.696272 1.701505 +! 1 5.940000 1.698078 1.703293 +! 1 5.920000 1.699903 1.705100 +! 1 5.900000 1.701745 1.706925 +! 1 5.880000 1.703606 1.708769 +! 1 5.860000 1.705486 1.710633 +! 1 5.840000 1.707386 1.712517 +! 1 5.820000 1.709305 1.714420 +! 1 5.800000 1.711244 1.716345 +! 1 5.780000 1.713205 1.718290 +! 1 5.760000 1.715186 1.720257 +! 1 5.740000 1.717189 1.722246 +! 1 5.720000 1.719213 1.724257 +! 1 5.700000 1.721261 1.726292 +! 1 5.680000 1.723331 1.728349 +! 1 5.660000 1.725425 1.730431 +! 1 5.640000 1.727542 1.732537 +! 1 5.620000 1.729685 1.734668 +! 1 5.600000 1.731852 1.736824 +! 1 5.580000 1.734045 1.739007 +! 1 5.560000 1.736265 1.741216 +! 1 5.540000 1.738511 1.743453 +! 1 5.520000 1.740784 1.745717 +! 1 5.500000 1.743086 1.748010 +! 1 5.480000 1.745416 1.750332 +! 1 5.460000 1.747776 1.752683 +! 1 5.440000 1.750166 1.755066 +! 1 5.420000 1.752586 1.757479 +! 1 5.400000 1.755038 1.759925 +! 1 5.380000 1.757522 1.762403 +! 1 5.360000 1.760039 1.764914 +! 1 5.340000 1.762590 1.767460 +! 1 5.320000 1.765176 1.770041 +! 1 5.300000 1.767797 1.772657 +! 1 5.280000 1.770454 1.775311 +! 1 5.260000 1.773148 1.778002 +! 1 5.240000 1.775881 1.780732 +! 1 5.220000 1.778653 1.783501 +! 1 5.200000 1.781464 1.786311 +! 1 5.180000 1.784317 1.789162 +! 1 5.160000 1.787212 1.792056 +! 1 5.140000 1.790150 1.794994 +! 1 5.120000 1.793132 1.797977 +! 1 5.100000 1.796159 1.801005 +! 1 5.080000 1.799234 1.804081 +! 1 5.060000 1.802356 1.807205 +! 1 5.040000 1.805527 1.810378 +! 1 5.020000 1.808748 1.813603 +! 1 5.000000 1.812022 1.816880 +! 1 4.980000 1.815348 1.820210 +! 1 4.960000 1.818729 1.823596 +! 1 4.940000 1.822166 1.827039 +! 1 4.920000 1.825661 1.830540 +! 1 4.900000 1.829215 1.834101 +! 1 4.880000 1.832830 1.837723 +! 1 4.860000 1.836508 1.841409 +! 1 4.840000 1.840250 1.845159 +! 1 4.820000 1.844058 1.848977 +! 1 4.800000 1.847935 1.852864 +! 1 4.780000 1.851882 1.856822 +! 1 4.760000 1.855901 1.860852 +! 1 4.740000 1.859995 1.864958 +! 1 4.720000 1.864165 1.869141 +! 1 4.700000 1.868414 1.873404 +! 1 4.680000 1.872745 1.877749 +! 1 4.660000 1.877159 1.882179 +! 1 4.640000 1.881660 1.886696 +! 1 4.620000 1.886250 1.891303 +! 1 4.600000 1.890931 1.896003 +! 1 4.580000 1.895708 1.900798 +! 1 4.560000 1.900583 1.905693 +! 1 4.540000 1.905558 1.910689 +! 1 4.520000 1.910638 1.915790 +! 1 4.500000 1.915826 1.921000 +! 1 4.480000 1.921124 1.926323 +! 1 4.460000 1.926538 1.931761 +! 1 4.440000 1.932071 1.937320 +! 1 4.420000 1.937726 1.943002 +! 1 4.400000 1.943508 1.948812 +! 1 4.380000 1.949422 1.954755 +! 1 4.360000 1.955471 1.960834 +! 1 4.340000 1.961662 1.967056 +! 1 4.320000 1.967997 1.973425 +! 1 4.300000 1.974484 1.979945 +! 1 4.280000 1.981127 1.986623 +! 1 4.260000 1.987931 1.993464 +! 1 4.240000 1.994903 2.000474 +! 1 4.220000 2.002048 2.007659 +! 1 4.200000 2.009374 2.015025 +! 1 4.180000 2.016887 2.022580 +! 1 4.160000 2.024593 2.030330 +! 1 4.140000 2.032500 2.038282 +! 1 4.120000 2.040616 2.046445 +! 1 4.100000 2.048949 2.054826 +! 1 4.080000 2.057506 2.063433 +! 1 4.060000 2.066296 2.072276 +! 1 4.040000 2.075330 2.081362 +! 1 4.020000 2.084615 2.090703 +! 1 4.000000 2.094161 2.100306 +! 1 3.980000 2.103980 2.110184 +! 1 3.960000 2.114082 2.120346 +! 1 3.940000 2.124477 2.130803 +! 1 3.920000 2.135177 2.141568 +! 1 3.900000 2.146196 2.152652 +! 1 3.880000 2.157544 2.164068 +! 1 3.860000 2.169235 2.175829 +! 1 3.840000 2.181283 2.187948 +! 1 3.820000 2.193702 2.200440 +! 1 3.800000 2.206506 2.213319 +! 1 3.780000 2.219710 2.226600 +! 1 3.760000 2.233331 2.240299 +! 1 3.740000 2.247383 2.254431 +! 1 3.720000 2.261884 2.269013 +! 1 3.700000 2.276850 2.284061 +! 1 3.680000 2.292299 2.299594 +! 1 3.660000 2.308248 2.315627 +! 1 3.640000 2.324715 2.332180 +! 1 3.620000 2.341719 2.349269 +! 1 3.600000 2.359276 2.366913 +! 1 3.580000 2.377407 2.385128 +! 1 3.560000 2.396127 2.403934 +! 1 3.540000 2.415456 2.423347 +! 1 3.520000 2.435410 2.443384 +! 1 3.500000 2.456005 2.464061 +! 1 3.480000 2.477258 2.485392 +! 1 3.460000 2.499182 2.507391 +! 1 3.440000 2.521791 2.530072 +! 1 3.420000 2.545096 2.553443 +! 1 3.400000 2.569104 2.577513 +! 1 3.380000 2.593824 2.602288 +! 1 3.360000 2.619259 2.627770 +! 1 3.340000 2.645408 2.653960 +! 1 3.320000 2.672269 2.680852 +! 1 3.300000 2.699834 2.708438 +! 1 3.280000 2.728092 2.736705 +! 1 3.260000 2.757025 2.765636 +! 1 3.240000 2.786613 2.795209 +! 1 3.220000 2.816828 2.825395 +! 1 3.200000 2.847637 2.856161 +! 1 3.180000 2.879004 2.887469 +! 1 3.160000 2.910883 2.919275 +! 1 3.140000 2.943226 2.951528 +! 1 3.120000 2.975979 2.984175 +! 1 3.100000 3.009083 3.017158 +! 1 3.080000 3.042476 3.050412 +! 1 3.060000 3.076090 3.083874 +! 1 3.040000 3.109856 3.117473 +! 1 3.020000 3.143705 3.151140 +! 1 3.000000 3.177562 3.184804 +! 1 2.980000 3.211357 3.218394 +! 1 2.960000 3.245018 3.251841 +! 1 2.940000 3.278476 3.285075 +! 1 2.920000 3.311664 3.318033 +! 1 2.900000 3.344518 3.350652 +! 1 2.880000 3.376981 3.382876 +! 1 2.860000 3.408996 3.414650 +! 1 2.840000 3.440515 3.445927 +! 1 2.820000 3.471494 3.476665 +! 1 2.800000 3.501893 3.506826 +! 1 2.780000 3.531681 3.536378 +! 1 2.760000 3.560830 3.565295 +! 1 2.740000 3.589317 3.593557 +! 1 2.720000 3.617126 3.621145 +! 1 2.700000 3.644244 3.648050 +! 1 2.680000 3.670664 3.674264 +! 1 2.660000 3.696383 3.699784 +! 1 2.640000 3.721399 3.724609 +! 1 2.620000 3.745717 3.748745 +! 1 2.600000 3.769344 3.772196 +! 1 2.580000 3.792287 3.794973 +! 1 2.560000 3.814558 3.817086 +! 1 2.540000 3.836170 3.838547 +! 1 2.520000 3.857137 3.859371 +! 1 2.500000 3.877474 3.879573 +! 1 2.480000 3.897199 3.899169 +! 1 2.460000 3.916328 3.918177 +! 1 2.440000 3.934879 3.936614 +! 1 2.420000 3.952870 3.954498 +! 1 2.400000 3.970319 3.971846 +! 1 2.380000 3.987245 3.988677 +! 1 2.360000 4.003666 4.005008 +! 1 2.340000 4.019600 4.020857 +! 1 2.320000 4.035064 4.036243 +! 1 2.300000 4.050077 4.051181 +! 1 2.280000 4.064655 4.065689 +! 1 2.260000 4.078815 4.079784 +! 1 2.240000 4.092573 4.093480 +! 1 2.220000 4.105946 4.106795 +! 1 2.200000 4.118947 4.119742 +! 1 2.180000 4.131593 4.132337 +! 1 2.160000 4.143897 4.144594 +! 1 2.140000 4.155874 4.156525 +! 1 2.120000 4.167536 4.168146 +! 1 2.100000 4.178896 4.179467 +! 1 2.080000 4.189968 4.190502 +! 1 2.060000 4.200762 4.201261 +! 1 2.040000 4.211290 4.211757 +! 1 2.020000 4.221564 4.222000 +! 1 2.000000 4.231593 4.232001 +! 1 1.980000 4.241388 4.241769 +! 1 1.960000 4.250959 4.251315 +! 1 1.940000 4.260314 4.260647 +! 1 1.920000 4.269464 4.269775 +! 1 1.900000 4.278416 4.278707 +! 1 1.880000 4.287179 4.287451 +! 1 1.860000 4.295761 4.296014 +! 1 1.840000 4.304170 4.304406 +! 1 1.820000 4.312412 4.312632 +! 1 1.800000 4.320495 4.320701 +! 1 1.780000 4.328426 4.328618 +! 1 1.760000 4.336212 4.336390 +! 1 1.740000 4.343858 4.344024 +! 1 1.720000 4.351370 4.351525 +! 1 1.700000 4.358756 4.358900 +! 1 1.680000 4.366019 4.366153 +! 1 1.660000 4.373166 4.373291 +! 1 1.640000 4.380202 4.380318 +! 1 1.620000 4.387132 4.387239 +! 1 1.600000 4.393960 4.394060 +! 1 1.580000 4.400692 4.400785 +! 1 1.560000 4.407333 4.407419 +! 1 1.540000 4.413886 4.413965 +! 1 1.520000 4.420356 4.420429 +! 1 1.500000 4.426747 4.426815 +! 1 1.480000 4.433063 4.433126 +! 1 1.460000 4.439308 4.439366 +! 1 1.440000 4.445487 4.445540 +! 1 1.420000 4.451602 4.451651 +! 1 1.400000 4.457657 4.457702 +! 1 1.380000 4.463656 4.463698 +! 1 1.360000 4.469603 4.469642 +! 1 1.340000 4.475501 4.475536 +! 1 1.320000 4.481353 4.481385 +! 1 1.300000 4.487162 4.487192 +! 1 1.280000 4.492932 4.492959 +! 1 1.260000 4.498666 4.498691 +! 1 1.240000 4.504367 4.504390 +! 1 1.220000 4.510039 4.510059 +! 1 1.200000 4.515683 4.515701 +! 1 1.180000 4.521303 4.521320 +! 1 1.160000 4.526903 4.526918 +! 1 1.140000 4.532485 4.532498 +! 1 1.120000 4.538052 4.538064 +! 1 1.100000 4.543607 4.543617 +! 1 1.080000 4.549152 4.549162 +! 1 1.060000 4.554692 4.554701 +! 1 1.040000 4.560229 4.560236 +! 1 1.020000 4.565765 4.565771 +! 1 1.000000 4.571304 4.571309 +! 1 0.980000 4.576848 4.576853 +! 1 0.960000 4.582401 4.582405 +! 1 0.940000 4.587965 4.587969 +! 1 0.920000 4.593544 4.593548 +! 1 0.900000 4.599141 4.599144 +! 1 0.880000 4.604758 4.604761 +! 1 0.860000 4.610400 4.610402 +! 1 0.840000 4.616068 4.616069 +! 1 0.820000 4.621766 4.621768 +! 1 0.800000 4.627498 4.627499 +! 1 0.780000 4.633268 4.633268 +! 1 0.760000 4.639077 4.639077 +! 1 0.740000 4.644930 4.644931 +! 1 0.720000 4.650831 4.650831 +! 1 0.700000 4.656783 4.656783 +! 1 0.680000 4.662790 4.662790 +! 1 0.660000 4.668856 4.668856 +! 1 0.640000 4.674985 4.674985 +! 1 0.620000 4.681182 4.681181 +! 1 0.600000 4.687449 4.687449 +! 1 0.580000 4.693793 4.693792 +! 1 0.560000 4.700217 4.700216 +! 1 0.540000 4.706726 4.706726 +! 1 0.520000 4.713325 4.713325 +! 1 0.500000 4.720020 4.720019 +! 1 0.480000 4.726815 4.726815 +! 1 0.460000 4.733716 4.733716 +! 1 0.440000 4.740729 4.740729 +! 1 0.420000 4.747860 4.747860 +! 1 0.400000 4.755116 4.755115 +! 1 0.380000 4.762501 4.762501 +! 1 0.360000 4.770025 4.770025 +! 1 0.340000 4.777693 4.777693 +! 1 0.320000 4.785513 4.785513 +! 1 0.300000 4.793493 4.793493 +! 1 0.280000 4.801641 4.801641 +! 1 0.260000 4.809965 4.809965 +! 1 0.240000 4.818476 4.818476 +! 1 0.220000 4.827181 4.827181 +! 1 0.200000 4.836091 4.836092 +! 1 0.180000 4.845217 4.845217 +! 1 0.160000 4.854569 4.854569 +! 1 0.140000 4.864159 4.864159 +! 1 0.120000 4.873999 4.873999 +! 1 0.100000 4.884102 4.884102 +! 1 0.080000 4.894480 4.894481 +! 1 0.060000 4.905149 4.905149 +! 1 0.040000 4.916123 4.916123 +! 1 0.020000 4.927418 4.927418 +! 1 0.000000 4.939050 4.939050 +! 1 -0.020000 4.951036 4.951036 +! 1 -0.040000 4.963395 4.963395 +! 1 -0.060000 4.976146 4.976146 +! 1 -0.080000 4.989309 4.989309 +! 1 -0.100000 5.002906 5.002905 +! 1 -0.120000 5.016958 5.016957 +! 1 -0.140000 5.031489 5.031488 +! 1 -0.160000 5.046523 5.046522 +! 1 -0.180000 5.062086 5.062085 +! 1 -0.200000 5.078205 5.078204 +! 1 -0.220000 5.094908 5.094907 +! 1 -0.240000 5.112223 5.112222 +! 1 -0.260000 5.130181 5.130180 +! 1 -0.280000 5.148813 5.148812 +! 1 -0.300000 5.168150 5.168149 +! 1 -0.320000 5.188225 5.188225 +! 1 -0.340000 5.209072 5.209071 +! 1 -0.360000 5.230724 5.230723 +! 1 -0.380000 5.253214 5.253214 +! 1 -0.400000 5.276577 5.276576 +! 1 -0.420000 5.300844 5.300844 +! 1 -0.440000 5.326046 5.326047 +! 1 -0.460000 5.352214 5.352215 +! 1 -0.480000 5.379375 5.379377 +! 1 -0.500000 5.407552 5.407554 +! 1 -0.520000 5.436764 5.436767 +! 1 -0.540000 5.467027 5.467031 +! 1 -0.560000 5.498348 5.498353 +! 1 -0.580000 5.530728 5.530735 +! 1 -0.600000 5.564161 5.564169 +! 1 -0.620000 5.598629 5.598638 +! 1 -0.640000 5.634104 5.634115 +! 1 -0.660000 5.670549 5.670562 +! 1 -0.680000 5.707912 5.707928 +! 1 -0.700000 5.746131 5.746149 +! 1 -0.720000 5.785129 5.785149 +! 1 -0.740000 5.824818 5.824841 +! 1 -0.760000 5.865099 5.865124 +! 1 -0.780000 5.905860 5.905888 +! 1 -0.800000 5.946983 5.947014 +! 1 -0.820000 5.988341 5.988375 +! 1 -0.840000 6.029803 6.029840 +! 1 -0.860000 6.071235 6.071276 +! 1 -0.880000 6.112506 6.112550 +! 1 -0.900000 6.153485 6.153532 +! 1 -0.920000 6.194047 6.194097 +! 1 -0.940000 6.234076 6.234130 +! 1 -0.960000 6.273465 6.273521 +! 1 -0.980000 6.312117 6.312176 +! 1 -1.000000 6.349948 6.350010 +! 1 -1.020000 6.386886 6.386950 +! 1 -1.040000 6.422871 6.422937 +! 1 -1.060000 6.457857 6.457926 +! 1 -1.080000 6.491808 6.491879 +! 1 -1.100000 6.524702 6.524774 +! 1 -1.120000 6.556523 6.556597 +! 1 -1.140000 6.587267 6.587342 +! 1 -1.160000 6.616937 6.617014 +! 1 -1.180000 6.645545 6.645623 +! 1 -1.200000 6.673105 6.673184 +! 1 -1.220000 6.699638 6.699718 +! 1 -1.240000 6.725170 6.725251 +! 1 -1.260000 6.749729 6.749810 +! 1 -1.280000 6.773343 6.773425 +! 1 -1.300000 6.796046 6.796128 +! 1 -1.320000 6.817869 6.817952 +! 1 -1.340000 6.838846 6.838929 +! 1 -1.360000 6.859011 6.859094 +! 1 -1.380000 6.878397 6.878480 +! 1 -1.400000 6.897037 6.897120 +! 1 -1.420000 6.914962 6.915046 +! 1 -1.440000 6.932206 6.932290 +! 1 -1.460000 6.948797 6.948881 +! 1 -1.480000 6.964767 6.964850 +! 1 -1.500000 6.980142 6.980226 +! 1 -1.520000 6.994951 6.995035 +! 1 -1.540000 7.009220 7.009303 +! 1 -1.560000 7.022973 7.023056 +! 1 -1.580000 7.036235 7.036318 +! 1 -1.600000 7.049029 7.049112 +! 1 -1.620000 7.061376 7.061458 +! 1 -1.640000 7.073296 7.073379 +! 1 -1.660000 7.084810 7.084893 +! 1 -1.680000 7.095937 7.096019 +! 1 -1.700000 7.106693 7.106775 +! 1 -1.720000 7.117096 7.117177 +! 1 -1.740000 7.127161 7.127242 +! 1 -1.760000 7.136904 7.136985 +! 1 -1.780000 7.146339 7.146420 +! 1 -1.800000 7.155479 7.155560 +! 1 -1.820000 7.164338 7.164419 +! 1 -1.840000 7.172928 7.173008 +! 1 -1.860000 7.181260 7.181340 +! 1 -1.880000 7.189346 7.189425 +! 1 -1.900000 7.197195 7.197274 +! 1 -1.920000 7.204817 7.204896 +! 1 -1.940000 7.212223 7.212302 +! 1 -1.960000 7.219420 7.219499 +! 1 -1.980000 7.226418 7.226497 +! 1 -2.000000 7.233225 7.233303 +! 1 -2.020000 7.239847 7.239925 +! 1 -2.040000 7.246293 7.246370 +! 1 -2.060000 7.252569 7.252646 +! 1 -2.080000 7.258682 7.258759 +! 1 -2.100000 7.264638 7.264714 +! 1 -2.120000 7.270442 7.270519 +! 1 -2.140000 7.276102 7.276178 +! 1 -2.160000 7.281622 7.281698 +! 1 -2.180000 7.287006 7.287082 +! 1 -2.200000 7.292261 7.292337 +! 1 -2.220000 7.297391 7.297467 +! 1 -2.240000 7.302400 7.302475 +! 1 -2.260000 7.307293 7.307368 +! 1 -2.280000 7.312073 7.312148 +! 1 -2.300000 7.316745 7.316819 +! 1 -2.320000 7.321312 7.321386 +! 1 -2.340000 7.325778 7.325852 +! 1 -2.360000 7.330146 7.330220 +! 1 -2.380000 7.334419 7.334493 +! 1 -2.400000 7.338601 7.338674 +! 1 -2.420000 7.342695 7.342768 +! 1 -2.440000 7.346703 7.346775 +! 1 -2.460000 7.350627 7.350700 +! 1 -2.480000 7.354472 7.354544 +! 1 -2.500000 7.358239 7.358311 +! 1 -2.520000 7.361930 7.362002 +! 1 -2.540000 7.365549 7.365621 +! 1 -2.560000 7.369097 7.369168 +! 1 -2.580000 7.372576 7.372647 +! 1 -2.600000 7.375988 7.376059 +! 1 -2.620000 7.379336 7.379407 +! 1 -2.640000 7.382621 7.382691 +! 1 -2.660000 7.385845 7.385915 +! 1 -2.680000 7.389010 7.389080 +! 1 -2.700000 7.392117 7.392187 +! 1 -2.720000 7.395168 7.395238 +! 1 -2.740000 7.398165 7.398235 +! 1 -2.760000 7.401110 7.401179 +! 1 -2.780000 7.404003 7.404072 +! 1 -2.800000 7.406846 7.406915 +! 1 -2.820000 7.409640 7.409709 +! 1 -2.840000 7.412387 7.412455 +! 1 -2.860000 7.415088 7.415156 +! 1 -2.880000 7.417744 7.417812 +! 1 -2.900000 7.420356 7.420424 +! 1 -2.920000 7.422926 7.422994 +! 1 -2.940000 7.425454 7.425522 +! 1 -2.960000 7.427942 7.428009 +! 1 -2.980000 7.430390 7.430458 +! 1 -3.000000 7.432800 7.432867 +! 1 -3.020000 7.435173 7.435240 +! 1 -3.040000 7.437509 7.437576 +! 1 -3.060000 7.439809 7.439876 +! 1 -3.080000 7.442075 7.442141 +! 1 -3.100000 7.444306 7.444372 +! 1 -3.120000 7.446504 7.446570 +! 1 -3.140000 7.448670 7.448736 +! 1 -3.160000 7.450804 7.450870 +! 1 -3.180000 7.452908 7.452973 +! 1 -3.200000 7.454981 7.455046 +! 1 -3.220000 7.457024 7.457090 +! 1 -3.240000 7.459039 7.459104 +! 1 -3.260000 7.461026 7.461090 +! 1 -3.280000 7.462985 7.463049 +! 1 -3.300000 7.464917 7.464981 +! 1 -3.320000 7.466822 7.466887 +! 1 -3.340000 7.468702 7.468766 +! 1 -3.360000 7.470557 7.470621 +! 1 -3.380000 7.472387 7.472450 +! 1 -3.400000 7.474192 7.474256 +! 1 -3.420000 7.475974 7.476038 +! 1 -3.440000 7.477733 7.477796 +! 1 -3.460000 7.479469 7.479532 +! 1 -3.480000 7.481183 7.481246 +! 1 -3.500000 7.482875 7.482938 +! 1 -3.520000 7.484546 7.484609 +! 1 -3.540000 7.486196 7.486258 +! 1 -3.560000 7.487825 7.487888 +! 1 -3.580000 7.489435 7.489497 +! 1 -3.600000 7.491024 7.491086 +! 1 -3.620000 7.492595 7.492657 +! 1 -3.640000 7.494146 7.494208 +! 1 -3.660000 7.495679 7.495741 +! 1 -3.680000 7.497194 7.497255 +! 1 -3.700000 7.498691 7.498752 +! 1 -3.720000 7.500170 7.500231 +! 1 -3.740000 7.501632 7.501693 +! 1 -3.760000 7.503077 7.503138 +! 1 -3.780000 7.504506 7.504567 +! 1 -3.800000 7.505918 7.505979 +! 1 -3.820000 7.507315 7.507375 +! 1 -3.840000 7.508696 7.508756 +! 1 -3.860000 7.510061 7.510121 +! 1 -3.880000 7.511412 7.511471 +! 1 -3.900000 7.512747 7.512807 +! 1 -3.920000 7.514068 7.514128 +! 1 -3.940000 7.515375 7.515434 +! 1 -3.960000 7.516667 7.516727 +! 1 -3.980000 7.517946 7.518005 +! 1 -4.000000 7.519211 7.519270 +! 1 -4.020000 7.520463 7.520522 +! 1 -4.040000 7.521702 7.521761 +! 1 -4.060000 7.522928 7.522986 +! 1 -4.080000 7.524141 7.524199 +! 1 -4.100000 7.525342 7.525400 +! 1 -4.120000 7.526530 7.526588 +! 1 -4.140000 7.527706 7.527764 +! 1 -4.160000 7.528871 7.528929 +! 1 -4.180000 7.530024 7.530081 +! 1 -4.200000 7.531165 7.531222 +! 1 -4.220000 7.532295 7.532352 +! 1 -4.240000 7.533414 7.533471 +! 1 -4.260000 7.534522 7.534579 +! 1 -4.280000 7.535619 7.535676 +! 1 -4.300000 7.536706 7.536763 +! 1 -4.320000 7.537782 7.537839 +! 1 -4.340000 7.538848 7.538904 +! 1 -4.360000 7.539904 7.539960 +! 1 -4.380000 7.540950 7.541006 +! 1 -4.400000 7.541986 7.542042 +! 1 -4.420000 7.543012 7.543068 +! 1 -4.440000 7.544029 7.544085 +! 1 -4.460000 7.545037 7.545092 +! 1 -4.480000 7.546035 7.546091 +! 1 -4.500000 7.547024 7.547080 +! 1 -4.520000 7.548005 7.548060 +! 1 -4.540000 7.548976 7.549031 +! 1 -4.560000 7.549939 7.549994 +! 1 -4.580000 7.550893 7.550948 +! 1 -4.600000 7.551839 7.551894 +! 1 -4.620000 7.552776 7.552831 +! 1 -4.640000 7.553706 7.553760 +! 1 -4.660000 7.554627 7.554681 +! 1 -4.680000 7.555540 7.555594 +! 1 -4.700000 7.556445 7.556499 +! 1 -4.720000 7.557343 7.557397 +! 1 -4.740000 7.558233 7.558287 +! 1 -4.760000 7.559115 7.559169 +! 1 -4.780000 7.559990 7.560044 +! 1 -4.800000 7.560858 7.560911 +! 1 -4.820000 7.561718 7.561772 +! 1 -4.840000 7.562572 7.562625 +! 1 -4.860000 7.563418 7.563471 +! 1 -4.880000 7.564257 7.564310 +! 1 -4.900000 7.565090 7.565142 +! 1 -4.920000 7.565915 7.565968 +! 1 -4.940000 7.566734 7.566787 +! 1 -4.960000 7.567547 7.567599 +! 1 -4.980000 7.568353 7.568405 +! 1 -5.000000 7.569152 7.569205 +! 1 -5.020000 7.569946 7.569998 +! 1 -5.040000 7.570733 7.570785 +! 1 -5.060000 7.571513 7.571565 +! 1 -5.080000 7.572288 7.572340 +! 1 -5.100000 7.573057 7.573109 +! 1 -5.120000 7.573820 7.573871 +! 1 -5.140000 7.574577 7.574628 +! 1 -5.160000 7.575328 7.575379 +! 1 -5.180000 7.576073 7.576124 +! 1 -5.200000 7.576813 7.576864 +! 1 -5.220000 7.577547 7.577598 +! 1 -5.240000 7.578276 7.578327 +! 1 -5.260000 7.578999 7.579050 +! 1 -5.280000 7.579717 7.579768 +! 1 -5.300000 7.580430 7.580480 +! 1 -5.320000 7.581137 7.581188 +! 1 -5.340000 7.581840 7.581890 +! 1 -5.360000 7.582537 7.582587 +! 1 -5.380000 7.583229 7.583279 +! 1 -5.400000 7.583916 7.583966 +! 1 -5.420000 7.584598 7.584648 +! 1 -5.440000 7.585275 7.585325 +! 1 -5.460000 7.585948 7.585997 +! 1 -5.480000 7.586615 7.586665 +! 1 -5.500000 7.587278 7.587327 +! 1 -5.520000 7.587936 7.587985 +! 1 -5.540000 7.588590 7.588639 +! 1 -5.560000 7.589239 7.589288 +! 1 -5.580000 7.589884 7.589933 +! 1 -5.600000 7.590524 7.590573 +! 1 -5.620000 7.591160 7.591208 +! 1 -5.640000 7.591791 7.591840 +! 1 -5.660000 7.592418 7.592467 +! 1 -5.680000 7.593041 7.593089 +! 1 -5.700000 7.593660 7.593708 +! 1 -5.720000 7.594274 7.594322 +! 1 -5.740000 7.594885 7.594933 +! 1 -5.760000 7.595491 7.595539 +! 1 -5.780000 7.596093 7.596141 +! 1 -5.800000 7.596692 7.596739 +! 1 -5.820000 7.597286 7.597334 +! 1 -5.840000 7.597877 7.597924 +! 1 -5.860000 7.598463 7.598511 +! 1 -5.880000 7.599046 7.599093 +! 1 -5.900000 7.599625 7.599672 +! 1 -5.920000 7.600200 7.600247 +! 1 -5.940000 7.600772 7.600819 +! 1 -5.960000 7.601340 7.601387 +! 1 -5.980000 7.601904 7.601951 +! 1 -6.000000 7.602465 7.602512 +! 1 -6.020000 7.603023 7.603069 +! 1 -6.040000 7.603576 7.603623 +! 1 -6.060000 7.604127 7.604173 +! 1 -6.080000 7.604673 7.604720 +! 1 -6.100000 7.605217 7.605263 +! 1 -6.120000 7.605757 7.605803 +! 1 -6.140000 7.606294 7.606340 +! 1 -6.160000 7.606827 7.606873 +! 1 -6.180000 7.607357 7.607403 +! 1 -6.200000 7.607884 7.607930 +! 1 -6.220000 7.608408 7.608454 +! 1 -6.240000 7.608929 7.608974 +! 1 -6.260000 7.609446 7.609492 +! 1 -6.280000 7.609961 7.610006 +! 1 -6.300000 7.610472 7.610517 +! 1 -6.320000 7.610980 7.611025 +! 1 -6.340000 7.611485 7.611530 +! 1 -6.360000 7.611988 7.612033 +! 1 -6.380000 7.612487 7.612532 +! 1 -6.400000 7.612983 7.613028 +! 1 -6.420000 7.613477 7.613522 +! 1 -6.440000 7.613968 7.614012 +! 1 -6.460000 7.614455 7.614500 +! 1 -6.480000 7.614940 7.614985 +! 1 -6.500000 7.615422 7.615467 +! 1 -6.520000 7.615902 7.615946 +! 1 -6.540000 7.616379 7.616423 +! 1 -6.560000 7.616853 7.616897 +! 1 -6.580000 7.617324 7.617368 +! 1 -6.600000 7.617792 7.617836 +! 1 -6.620000 7.618258 7.618302 +! 1 -6.640000 7.618722 7.618765 +! 1 -6.660000 7.619182 7.619226 +! 1 -6.680000 7.619641 7.619684 +! 1 -6.700000 7.620096 7.620140 +! 1 -6.720000 7.620550 7.620593 +! 1 -6.740000 7.621000 7.621043 +! 1 -6.760000 7.621448 7.621491 +! 1 -6.780000 7.621894 7.621937 +! 1 -6.800000 7.622337 7.622380 +! 1 -6.820000 7.622778 7.622821 +! 1 -6.840000 7.623217 7.623260 +! 1 -6.860000 7.623653 7.623696 +! 1 -6.880000 7.624087 7.624129 +! 1 -6.900000 7.624518 7.624561 +! 1 -6.920000 7.624947 7.624990 +! 1 -6.940000 7.625374 7.625417 +! 1 -6.960000 7.625799 7.625841 +! 1 -6.980000 7.626221 7.626263 +! 1 -7.000000 7.626641 7.626683 +! 1 -7.020000 7.627059 7.627101 +! 1 -7.040000 7.627475 7.627517 +! 1 -7.060000 7.627889 7.627931 +! 1 -7.080000 7.628300 7.628342 +! 1 -7.100000 7.628709 7.628751 +! 1 -7.120000 7.629117 7.629158 +! 1 -7.140000 7.629522 7.629563 +! 1 -7.160000 7.629925 7.629966 +! 1 -7.180000 7.630326 7.630367 +! 1 -7.200000 7.630725 7.630766 +! 1 -7.220000 7.631122 7.631163 +! 1 -7.240000 7.631516 7.631558 +! 1 -7.260000 7.631909 7.631950 +! 1 -7.280000 7.632300 7.632341 +! 1 -7.300000 7.632689 7.632730 +! 1 -7.320000 7.633076 7.633117 +! 1 -7.340000 7.633461 7.633502 +! 1 -7.360000 7.633845 7.633885 +! 1 -7.380000 7.634226 7.634267 +! 1 -7.400000 7.634605 7.634646 +! 1 -7.420000 7.634983 7.635023 +! 1 -7.440000 7.635359 7.635399 +! 1 -7.460000 7.635732 7.635773 +! 1 -7.480000 7.636104 7.636145 +! 1 -7.500000 7.636475 7.636515 +! 1 -7.520000 7.636843 7.636883 +! 1 -7.540000 7.637210 7.637250 +! 1 -7.560000 7.637575 7.637615 +! 1 -7.580000 7.637938 7.637978 +! 1 -7.600000 7.638299 7.638339 +! 1 -7.620000 7.638659 7.638699 +! 1 -7.640000 7.639017 7.639057 +! 1 -7.660000 7.639373 7.639413 +! 1 -7.680000 7.639728 7.639768 +! 1 -7.700000 7.640081 7.640120 +! 1 -7.720000 7.640432 7.640472 +! 1 -7.740000 7.640782 7.640821 +! 1 -7.760000 7.641130 7.641169 +! 1 -7.780000 7.641476 7.641515 +! 1 -7.800000 7.641821 7.641860 +! 1 -7.820000 7.642164 7.642203 +! 1 -7.840000 7.642506 7.642545 +! 1 -7.860000 7.642846 7.642885 +! 1 -7.880000 7.643184 7.643223 +! 1 -7.900000 7.643521 7.643560 +! 1 -7.920000 7.643857 7.643895 +! 1 -7.940000 7.644190 7.644229 +! 1 -7.960000 7.644523 7.644562 +! 1 -7.980000 7.644854 7.644892 +! 1 -8.000000 7.645183 7.645222 +! 1 -8.020000 7.645511 7.645550 +! 1 -8.040000 7.645837 7.645876 +! 1 -8.060000 7.646162 7.646201 +! 1 -8.080000 7.646486 7.646524 +! 1 -8.100000 7.646808 7.646846 +! 1 -8.120000 7.647129 7.647167 +! 1 -8.140000 7.647448 7.647486 +! 1 -8.160000 7.647766 7.647804 +! 1 -8.180000 7.648082 7.648120 +! 1 -8.200000 7.648397 7.648435 +! 1 -8.220000 7.648711 7.648749 +! 1 -8.240000 7.649023 7.649061 +! 1 -8.260000 7.649334 7.649372 +! 1 -8.280000 7.649644 7.649682 +! 1 -8.300000 7.649952 7.649990 +! 1 -8.320000 7.650259 7.650297 +! 1 -8.340000 7.650565 7.650602 +! 1 -8.360000 7.650869 7.650907 +! 1 -8.380000 7.651172 7.651210 +! 1 -8.400000 7.651474 7.651511 +! 1 -8.420000 7.651774 7.651812 +! 1 -8.440000 7.652074 7.652111 +! 1 -8.460000 7.652372 7.652409 +! 1 -8.480000 7.652668 7.652705 +! 1 -8.500000 7.652964 7.653001 +! 1 -8.520000 7.653258 7.653295 +! 1 -8.540000 7.653551 7.653588 +! 1 -8.560000 7.653843 7.653880 +! 1 -8.580000 7.654133 7.654170 +! 1 -8.600000 7.654422 7.654459 +! 1 -8.620000 7.654711 7.654747 +! 1 -8.640000 7.654998 7.655034 +! 1 -8.660000 7.655283 7.655320 +! 1 -8.680000 7.655568 7.655605 +! 1 -8.700000 7.655851 7.655888 +! 1 -8.720000 7.656134 7.656170 +! 1 -8.740000 7.656415 7.656451 +! 1 -8.760000 7.656695 7.656731 +! 1 -8.780000 7.656974 7.657010 +! 1 -8.800000 7.657251 7.657288 +! 1 -8.820000 7.657528 7.657564 +! 1 -8.840000 7.657803 7.657840 +! 1 -8.860000 7.658078 7.658114 +! 1 -8.880000 7.658351 7.658387 +! 1 -8.900000 7.658623 7.658660 +! 1 -8.920000 7.658895 7.658931 +! 1 -8.940000 7.659165 7.659201 +! 1 -8.960000 7.659434 7.659470 +! 1 -8.980000 7.659702 7.659737 +! 1 -9.000000 7.659968 7.660004 +! 1 -9.020000 7.660234 7.660270 +! 1 -9.040000 7.660499 7.660535 +! 1 -9.060000 7.660763 7.660799 +! 1 -9.080000 7.661026 7.661061 +! 1 -9.100000 7.661287 7.661323 +! 1 -9.120000 7.661548 7.661584 +! 1 -9.140000 7.661808 7.661843 +! 1 -9.160000 7.662066 7.662102 +! 1 -9.180000 7.662324 7.662360 +! 1 -9.200000 7.662581 7.662616 +! 1 -9.220000 7.662836 7.662872 +! 1 -9.240000 7.663091 7.663127 +! 1 -9.260000 7.663345 7.663380 +! 1 -9.280000 7.663598 7.663633 +! 1 -9.300000 7.663850 7.663885 +! 1 -9.320000 7.664101 7.664136 +! 1 -9.340000 7.664351 7.664386 +! 1 -9.360000 7.664600 7.664635 +! 1 -9.380000 7.664848 7.664883 +! 1 -9.400000 7.665095 7.665130 +! 1 -9.420000 7.665341 7.665376 +! 1 -9.440000 7.665586 7.665621 +! 1 -9.460000 7.665831 7.665866 +! 1 -9.480000 7.666074 7.666109 +! 1 -9.500000 7.666317 7.666352 +! 1 -9.520000 7.666559 7.666593 +! 1 -9.540000 7.666799 7.666834 +! 1 -9.560000 7.667039 7.667074 +! 1 -9.580000 7.667278 7.667313 +! 1 -9.600000 7.667517 7.667551 +! 1 -9.620000 7.667754 7.667788 +! 1 -9.640000 7.667990 7.668025 +! 1 -9.660000 7.668226 7.668260 +! 1 -9.680000 7.668461 7.668495 +! 1 -9.700000 7.668694 7.668729 +! 1 -9.720000 7.668928 7.668962 +! 1 -9.740000 7.669160 7.669194 +! 1 -9.760000 7.669391 7.669425 +! 1 -9.780000 7.669622 7.669656 +! 1 -9.800000 7.669851 7.669886 +! 1 -9.820000 7.670080 7.670114 +! 1 -9.840000 7.670308 7.670342 +! 1 -9.860000 7.670536 7.670570 +! 1 -9.880000 7.670762 7.670796 +! 1 -9.900000 7.670988 7.671022 +! 1 -9.920000 7.671213 7.671247 +! 1 -9.940000 7.671437 7.671471 +! 1 -9.960000 7.671660 7.671694 +! 1 -9.980000 7.671883 7.671916 +! 1 -10.000000 7.672104 7.672138 +! 1 -10.020000 7.672325 7.672359 +! 1 -10.040000 7.672545 7.672579 +! 1 -10.060000 7.672765 7.672799 +! 1 -10.080000 7.672984 7.673017 +! 1 -10.100000 7.673202 7.673235 +! 1 -10.120000 7.673419 7.673452 +! 1 -10.140000 7.673635 7.673669 +! 1 -10.160000 7.673851 7.673884 +! 1 -10.180000 7.674066 7.674099 +! 1 -10.200000 7.674280 7.674314 +! 1 -10.220000 7.674493 7.674527 +! 1 -10.240000 7.674706 7.674740 +! 1 -10.260000 7.674918 7.674952 +! 1 -10.280000 7.675130 7.675163 +! 1 -10.300000 7.675340 7.675374 +! 1 -10.320000 7.675550 7.675583 +! 1 -10.340000 7.675759 7.675793 +! 1 -10.360000 7.675968 7.676001 +! 1 -10.380000 7.676176 7.676209 +! 1 -10.400000 7.676383 7.676416 +! 1 -10.420000 7.676589 7.676622 +! 1 -10.440000 7.676795 7.676828 +! 1 -10.460000 7.677000 7.677033 +! 1 -10.480000 7.677204 7.677237 +! 1 -10.500000 7.677408 7.677441 +! 1 -10.520000 7.677611 7.677644 +! 1 -10.540000 7.677813 7.677846 +! 1 -10.560000 7.678015 7.678048 +! 1 -10.580000 7.678216 7.678249 +! 1 -10.600000 7.678416 7.678449 +! 1 -10.620000 7.678616 7.678649 +! 1 -10.640000 7.678815 7.678848 +! 1 -10.660000 7.679013 7.679046 +! 1 -10.680000 7.679211 7.679244 +! 1 -10.700000 7.679408 7.679441 +! 1 -10.720000 7.679605 7.679638 +! 1 -10.740000 7.679801 7.679833 +! 1 -10.760000 7.679996 7.680029 +! 1 -10.780000 7.680190 7.680223 +! 1 -10.800000 7.680384 7.680417 +! 1 -10.820000 7.680578 7.680610 +! 1 -10.840000 7.680771 7.680803 +! 1 -10.860000 7.680963 7.680995 +! 1 -10.880000 7.681154 7.681187 +! 1 -10.900000 7.681345 7.681378 +! 1 -10.920000 7.681535 7.681568 +! 1 -10.940000 7.681725 7.681758 +! 1 -10.960000 7.681914 7.681947 +! 1 -10.980000 7.682103 7.682135 +! 1 -11.000000 7.682291 7.682323 +! 1 -11.020000 7.682478 7.682510 +! 1 -11.040000 7.682665 7.682697 +! 1 -11.060000 7.682851 7.682883 +! 1 -11.080000 7.683036 7.683069 +! 1 -11.100000 7.683221 7.683254 +! 1 -11.120000 7.683406 7.683438 +! 1 -11.140000 7.683590 7.683622 +! 1 -11.160000 7.683773 7.683805 +! 1 -11.180000 7.683956 7.683988 +! 1 -11.200000 7.684138 7.684170 +! 1 -11.220000 7.684320 7.684352 +! 1 -11.240000 7.684501 7.684533 +! 1 -11.260000 7.684681 7.684713 +! 1 -11.280000 7.684861 7.684893 +! 1 -11.300000 7.685040 7.685072 +! 1 -11.320000 7.685219 7.685251 +! 1 -11.340000 7.685398 7.685429 +! 1 -11.360000 7.685575 7.685607 +! 1 -11.380000 7.685753 7.685784 +! 1 -11.400000 7.685929 7.685961 +! 1 -11.420000 7.686105 7.686137 +! 1 -11.440000 7.686281 7.686313 +! 1 -11.460000 7.686456 7.686488 +! 1 -11.480000 7.686631 7.686663 +! 1 -11.500000 7.686805 7.686837 +! 1 -11.520000 7.686978 7.687010 +! 1 -11.540000 7.687151 7.687183 +! 1 -11.560000 7.687324 7.687356 +! 1 -11.580000 7.687496 7.687528 +! 1 -11.600000 7.687667 7.687699 +! 1 -11.620000 7.687838 7.687870 +! 1 -11.640000 7.688009 7.688040 +! 1 -11.660000 7.688179 7.688210 +! 1 -11.680000 7.688348 7.688380 +! 1 -11.700000 7.688517 7.688549 +! 1 -11.720000 7.688686 7.688717 +! 1 -11.740000 7.688854 7.688885 +! 1 -11.760000 7.689021 7.689053 +! 1 -11.780000 7.689188 7.689220 +! 1 -11.800000 7.689355 7.689386 +! 1 -11.820000 7.689521 7.689552 +! 1 -11.840000 7.689686 7.689718 +! 1 -11.860000 7.689851 7.689883 +! 1 -11.880000 7.690016 7.690048 +! 1 -11.900000 7.690180 7.690212 +! 1 -11.920000 7.690344 7.690375 +! 1 -11.940000 7.690507 7.690538 +! 1 -11.960000 7.690670 7.690701 +! 1 -11.980000 7.690832 7.690863 + +log derivativve data for plotting, l= 2 +atan(r * ((d psi(r)/dr)/psi(r))), r= 1.27 +l, energy, all-electron, pseudopotential + +! 2 12.000000 -3.034934 -2.152793 +! 2 11.980000 -3.006786 -2.144631 +! 2 11.960000 -2.978828 -2.136648 +! 2 11.940000 -2.951100 -2.128839 +! 2 11.920000 -2.923640 -2.121199 +! 2 11.900000 -2.896484 -2.113723 +! 2 11.880000 -2.869664 -2.106407 +! 2 11.860000 -2.843211 -2.099245 +! 2 11.840000 -2.817153 -2.092234 +! 2 11.820000 -2.791513 -2.085368 +! 2 11.800000 -2.766314 -2.078645 +! 2 11.780000 -2.741574 -2.072059 +! 2 11.760000 -2.717309 -2.065607 +! 2 11.740000 -2.693533 -2.059285 +! 2 11.720000 -2.670254 -2.053089 +! 2 11.700000 -2.647482 -2.047017 +! 2 11.680000 -2.625221 -2.041063 +! 2 11.660000 -2.603475 -2.035225 +! 2 11.640000 -2.582244 -2.029500 +! 2 11.620000 -2.561529 -2.023885 +! 2 11.600000 -2.541326 -2.018376 +! 2 11.580000 -2.521632 -2.012970 +! 2 11.560000 -2.502441 -2.007665 +! 2 11.540000 -2.483747 -2.002459 +! 2 11.520000 -2.465543 -1.997347 +! 2 11.500000 -2.447820 -1.992329 +! 2 11.480000 -2.430569 -1.987400 +! 2 11.460000 -2.413781 -1.982560 +! 2 11.440000 -2.397444 -1.977805 +! 2 11.420000 -2.381550 -1.973133 +! 2 11.400000 -2.366087 -1.968542 +! 2 11.380000 -2.351044 -1.964030 +! 2 11.360000 -2.336409 -1.959594 +! 2 11.340000 -2.322173 -1.955234 +! 2 11.320000 -2.308322 -1.950946 +! 2 11.300000 -2.294847 -1.946730 +! 2 11.280000 -2.281736 -1.942583 +! 2 11.260000 -2.268978 -1.938503 +! 2 11.240000 -2.256563 -1.934489 +! 2 11.220000 -2.244480 -1.930538 +! 2 11.200000 -2.232717 -1.926651 +! 2 11.180000 -2.221266 -1.922824 +! 2 11.160000 -2.210117 -1.919057 +! 2 11.140000 -2.199259 -1.915347 +! 2 11.120000 -2.188683 -1.911694 +! 2 11.100000 -2.178380 -1.908097 +! 2 11.080000 -2.168341 -1.904553 +! 2 11.060000 -2.158557 -1.901061 +! 2 11.040000 -2.149020 -1.897621 +! 2 11.020000 -2.139723 -1.894231 +! 2 11.000000 -2.130656 -1.890889 +! 2 10.980000 -2.121812 -1.887596 +! 2 10.960000 -2.113185 -1.884348 +! 2 10.940000 -2.104767 -1.881147 +! 2 10.920000 -2.096550 -1.877989 +! 2 10.900000 -2.088530 -1.874875 +! 2 10.880000 -2.080698 -1.871803 +! 2 10.860000 -2.073049 -1.868773 +! 2 10.840000 -2.065578 -1.865783 +! 2 10.820000 -2.058277 -1.862833 +! 2 10.800000 -2.051142 -1.859921 +! 2 10.780000 -2.044168 -1.857048 +! 2 10.760000 -2.037349 -1.854211 +! 2 10.740000 -2.030681 -1.851410 +! 2 10.720000 -2.024158 -1.848644 +! 2 10.700000 -2.017776 -1.845913 +! 2 10.680000 -2.011530 -1.843216 +! 2 10.660000 -2.005417 -1.840551 +! 2 10.640000 -1.999433 -1.837919 +! 2 10.620000 -1.993572 -1.835319 +! 2 10.600000 -1.987832 -1.832750 +! 2 10.580000 -1.982208 -1.830210 +! 2 10.560000 -1.976698 -1.827701 +! 2 10.540000 -1.971298 -1.825220 +! 2 10.520000 -1.966004 -1.822768 +! 2 10.500000 -1.960813 -1.820343 +! 2 10.480000 -1.955723 -1.817946 +! 2 10.460000 -1.950729 -1.815575 +! 2 10.440000 -1.945831 -1.813230 +! 2 10.420000 -1.941024 -1.810911 +! 2 10.400000 -1.936306 -1.808617 +! 2 10.380000 -1.931674 -1.806347 +! 2 10.360000 -1.927126 -1.804101 +! 2 10.340000 -1.922660 -1.801878 +! 2 10.320000 -1.918273 -1.799679 +! 2 10.300000 -1.913963 -1.797502 +! 2 10.280000 -1.909728 -1.795347 +! 2 10.260000 -1.905566 -1.793214 +! 2 10.240000 -1.901474 -1.791102 +! 2 10.220000 -1.897452 -1.789010 +! 2 10.200000 -1.893496 -1.786939 +! 2 10.180000 -1.889605 -1.784888 +! 2 10.160000 -1.885778 -1.782857 +! 2 10.140000 -1.882013 -1.780844 +! 2 10.120000 -1.878307 -1.778850 +! 2 10.100000 -1.874660 -1.776875 +! 2 10.080000 -1.871070 -1.774918 +! 2 10.060000 -1.867535 -1.772978 +! 2 10.040000 -1.864054 -1.771056 +! 2 10.020000 -1.860626 -1.769150 +! 2 10.000000 -1.857248 -1.767262 +! 2 9.980000 -1.853921 -1.765389 +! 2 9.960000 -1.850643 -1.763533 +! 2 9.940000 -1.847411 -1.761692 +! 2 9.920000 -1.844226 -1.759867 +! 2 9.900000 -1.841086 -1.758056 +! 2 9.880000 -1.837990 -1.756261 +! 2 9.860000 -1.834936 -1.754480 +! 2 9.840000 -1.831925 -1.752713 +! 2 9.820000 -1.828954 -1.750960 +! 2 9.800000 -1.826022 -1.749221 +! 2 9.780000 -1.823130 -1.747495 +! 2 9.760000 -1.820275 -1.745783 +! 2 9.740000 -1.817457 -1.744083 +! 2 9.720000 -1.814675 -1.742396 +! 2 9.700000 -1.811929 -1.740721 +! 2 9.680000 -1.809216 -1.739059 +! 2 9.660000 -1.806537 -1.737409 +! 2 9.640000 -1.803891 -1.735770 +! 2 9.620000 -1.801277 -1.734142 +! 2 9.600000 -1.798694 -1.732526 +! 2 9.580000 -1.796141 -1.730921 +! 2 9.560000 -1.793618 -1.729327 +! 2 9.540000 -1.791125 -1.727743 +! 2 9.520000 -1.788659 -1.726170 +! 2 9.500000 -1.786221 -1.724607 +! 2 9.480000 -1.783811 -1.723054 +! 2 9.460000 -1.781427 -1.721511 +! 2 9.440000 -1.779069 -1.719977 +! 2 9.420000 -1.776736 -1.718453 +! 2 9.400000 -1.774428 -1.716938 +! 2 9.380000 -1.772144 -1.715433 +! 2 9.360000 -1.769883 -1.713936 +! 2 9.340000 -1.767646 -1.712448 +! 2 9.320000 -1.765431 -1.710968 +! 2 9.300000 -1.763239 -1.709497 +! 2 9.280000 -1.761068 -1.708033 +! 2 9.260000 -1.758918 -1.706578 +! 2 9.240000 -1.756789 -1.705131 +! 2 9.220000 -1.754680 -1.703692 +! 2 9.200000 -1.752590 -1.702260 +! 2 9.180000 -1.750520 -1.700835 +! 2 9.160000 -1.748469 -1.699418 +! 2 9.140000 -1.746436 -1.698008 +! 2 9.120000 -1.744422 -1.696605 +! 2 9.100000 -1.742425 -1.695209 +! 2 9.080000 -1.740445 -1.693819 +! 2 9.060000 -1.738482 -1.692436 +! 2 9.040000 -1.736536 -1.691059 +! 2 9.020000 -1.734606 -1.689689 +! 2 9.000000 -1.732692 -1.688324 +! 2 8.980000 -1.730793 -1.686966 +! 2 8.960000 -1.728909 -1.685614 +! 2 8.940000 -1.727041 -1.684267 +! 2 8.920000 -1.725186 -1.682926 +! 2 8.900000 -1.723346 -1.681590 +! 2 8.880000 -1.721520 -1.680260 +! 2 8.860000 -1.719707 -1.678935 +! 2 8.840000 -1.717907 -1.677615 +! 2 8.820000 -1.716121 -1.676300 +! 2 8.800000 -1.714347 -1.674990 +! 2 8.780000 -1.712586 -1.673684 +! 2 8.760000 -1.710836 -1.672384 +! 2 8.740000 -1.709099 -1.671087 +! 2 8.720000 -1.707373 -1.669796 +! 2 8.700000 -1.705658 -1.668508 +! 2 8.680000 -1.703955 -1.667225 +! 2 8.660000 -1.702262 -1.665946 +! 2 8.640000 -1.700580 -1.664671 +! 2 8.620000 -1.698908 -1.663399 +! 2 8.600000 -1.697247 -1.662132 +! 2 8.580000 -1.695595 -1.660868 +! 2 8.560000 -1.693953 -1.659608 +! 2 8.540000 -1.692321 -1.658351 +! 2 8.520000 -1.690697 -1.657097 +! 2 8.500000 -1.689083 -1.655847 +! 2 8.480000 -1.687477 -1.654600 +! 2 8.460000 -1.685880 -1.653356 +! 2 8.440000 -1.684292 -1.652115 +! 2 8.420000 -1.682711 -1.650877 +! 2 8.400000 -1.681139 -1.649642 +! 2 8.380000 -1.679574 -1.648409 +! 2 8.360000 -1.678017 -1.647179 +! 2 8.340000 -1.676467 -1.645952 +! 2 8.320000 -1.674925 -1.644727 +! 2 8.300000 -1.673390 -1.643504 +! 2 8.280000 -1.671861 -1.642283 +! 2 8.260000 -1.670339 -1.641065 +! 2 8.240000 -1.668824 -1.639848 +! 2 8.220000 -1.667315 -1.638634 +! 2 8.200000 -1.665813 -1.637421 +! 2 8.180000 -1.664316 -1.636211 +! 2 8.160000 -1.662825 -1.635002 +! 2 8.140000 -1.661340 -1.633794 +! 2 8.120000 -1.659860 -1.632588 +! 2 8.100000 -1.658386 -1.631384 +! 2 8.080000 -1.656917 -1.630181 +! 2 8.060000 -1.655453 -1.628979 +! 2 8.040000 -1.653994 -1.627778 +! 2 8.020000 -1.652540 -1.626579 +! 2 8.000000 -1.651090 -1.625380 +! 2 7.980000 -1.649645 -1.624182 +! 2 7.960000 -1.648204 -1.622986 +! 2 7.940000 -1.646767 -1.621790 +! 2 7.920000 -1.645334 -1.620594 +! 2 7.900000 -1.643906 -1.619400 +! 2 7.880000 -1.642481 -1.618206 +! 2 7.860000 -1.641059 -1.617012 +! 2 7.840000 -1.639641 -1.615819 +! 2 7.820000 -1.638227 -1.614626 +! 2 7.800000 -1.636815 -1.613433 +! 2 7.780000 -1.635407 -1.612240 +! 2 7.760000 -1.634002 -1.611048 +! 2 7.740000 -1.632600 -1.609855 +! 2 7.720000 -1.631200 -1.608662 +! 2 7.700000 -1.629803 -1.607469 +! 2 7.680000 -1.628408 -1.606276 +! 2 7.660000 -1.627016 -1.605082 +! 2 7.640000 -1.625626 -1.603888 +! 2 7.620000 -1.624238 -1.602694 +! 2 7.600000 -1.622852 -1.601499 +! 2 7.580000 -1.621468 -1.600303 +! 2 7.560000 -1.620085 -1.599107 +! 2 7.540000 -1.618704 -1.597909 +! 2 7.520000 -1.617325 -1.596711 +! 2 7.500000 -1.615947 -1.595512 +! 2 7.480000 -1.614570 -1.594312 +! 2 7.460000 -1.613195 -1.593110 +! 2 7.440000 -1.611820 -1.591908 +! 2 7.420000 -1.610447 -1.590704 +! 2 7.400000 -1.609074 -1.589499 +! 2 7.380000 -1.607702 -1.588292 +! 2 7.360000 -1.606330 -1.587084 +! 2 7.340000 -1.604959 -1.585874 +! 2 7.320000 -1.603588 -1.584662 +! 2 7.300000 -1.602218 -1.583449 +! 2 7.280000 -1.600847 -1.582234 +! 2 7.260000 -1.599477 -1.581017 +! 2 7.240000 -1.598106 -1.579797 +! 2 7.220000 -1.596735 -1.578576 +! 2 7.200000 -1.595364 -1.577353 +! 2 7.180000 -1.593993 -1.576127 +! 2 7.160000 -1.592621 -1.574899 +! 2 7.140000 -1.591248 -1.573668 +! 2 7.120000 -1.589875 -1.572435 +! 2 7.100000 -1.588500 -1.571200 +! 2 7.080000 -1.587125 -1.569961 +! 2 7.060000 -1.585748 -1.568720 +! 2 7.040000 -1.584371 -1.567476 +! 2 7.020000 -1.582992 -1.566229 +! 2 7.000000 -1.581611 -1.564980 +! 2 6.980000 -1.580230 -1.563726 +! 2 6.960000 -1.578846 -1.562470 +! 2 6.940000 -1.577461 -1.561211 +! 2 6.920000 -1.576074 -1.559948 +! 2 6.900000 -1.574684 -1.558681 +! 2 6.880000 -1.573293 -1.557411 +! 2 6.860000 -1.571900 -1.556138 +! 2 6.840000 -1.570504 -1.554860 +! 2 6.820000 -1.569106 -1.553579 +! 2 6.800000 -1.567705 -1.552294 +! 2 6.780000 -1.566302 -1.551005 +! 2 6.760000 -1.564895 -1.549712 +! 2 6.740000 -1.563486 -1.548414 +! 2 6.720000 -1.562074 -1.547113 +! 2 6.700000 -1.560659 -1.545807 +! 2 6.680000 -1.559241 -1.544496 +! 2 6.660000 -1.557819 -1.543181 +! 2 6.640000 -1.556394 -1.541861 +! 2 6.620000 -1.554966 -1.540536 +! 2 6.600000 -1.553533 -1.539206 +! 2 6.580000 -1.552097 -1.537872 +! 2 6.560000 -1.550657 -1.536532 +! 2 6.540000 -1.549213 -1.535187 +! 2 6.520000 -1.547765 -1.533837 +! 2 6.500000 -1.546312 -1.532481 +! 2 6.480000 -1.544855 -1.531120 +! 2 6.460000 -1.543394 -1.529753 +! 2 6.440000 -1.541927 -1.528381 +! 2 6.420000 -1.540456 -1.527002 +! 2 6.400000 -1.538981 -1.525618 +! 2 6.380000 -1.537500 -1.524227 +! 2 6.360000 -1.536014 -1.522831 +! 2 6.340000 -1.534522 -1.521428 +! 2 6.320000 -1.533026 -1.520019 +! 2 6.300000 -1.531523 -1.518603 +! 2 6.280000 -1.530015 -1.517180 +! 2 6.260000 -1.528502 -1.515751 +! 2 6.240000 -1.526982 -1.514314 +! 2 6.220000 -1.525456 -1.512871 +! 2 6.200000 -1.523924 -1.511421 +! 2 6.180000 -1.522386 -1.509963 +! 2 6.160000 -1.520841 -1.508498 +! 2 6.140000 -1.519289 -1.507025 +! 2 6.120000 -1.517731 -1.505545 +! 2 6.100000 -1.516166 -1.504057 +! 2 6.080000 -1.514593 -1.502561 +! 2 6.060000 -1.513014 -1.501056 +! 2 6.040000 -1.511427 -1.499544 +! 2 6.020000 -1.509833 -1.498023 +! 2 6.000000 -1.508230 -1.496494 +! 2 5.980000 -1.506620 -1.494956 +! 2 5.960000 -1.505003 -1.493409 +! 2 5.940000 -1.503376 -1.491854 +! 2 5.920000 -1.501742 -1.490289 +! 2 5.900000 -1.500099 -1.488715 +! 2 5.880000 -1.498448 -1.487131 +! 2 5.860000 -1.496787 -1.485538 +! 2 5.840000 -1.495118 -1.483936 +! 2 5.820000 -1.493440 -1.482323 +! 2 5.800000 -1.491752 -1.480700 +! 2 5.780000 -1.490055 -1.479068 +! 2 5.760000 -1.488348 -1.477424 +! 2 5.740000 -1.486631 -1.475770 +! 2 5.720000 -1.484904 -1.474106 +! 2 5.700000 -1.483167 -1.472430 +! 2 5.680000 -1.481420 -1.470744 +! 2 5.660000 -1.479661 -1.469046 +! 2 5.640000 -1.477893 -1.467336 +! 2 5.620000 -1.476113 -1.465615 +! 2 5.600000 -1.474322 -1.463882 +! 2 5.580000 -1.472519 -1.462138 +! 2 5.560000 -1.470705 -1.460380 +! 2 5.540000 -1.468879 -1.458611 +! 2 5.520000 -1.467041 -1.456828 +! 2 5.500000 -1.465191 -1.455033 +! 2 5.480000 -1.463329 -1.453225 +! 2 5.460000 -1.461453 -1.451403 +! 2 5.440000 -1.459565 -1.449568 +! 2 5.420000 -1.457664 -1.447720 +! 2 5.400000 -1.455749 -1.445857 +! 2 5.380000 -1.453821 -1.443980 +! 2 5.360000 -1.451879 -1.442089 +! 2 5.340000 -1.449922 -1.440182 +! 2 5.320000 -1.447952 -1.438261 +! 2 5.300000 -1.445967 -1.436325 +! 2 5.280000 -1.443967 -1.434374 +! 2 5.260000 -1.441951 -1.432407 +! 2 5.240000 -1.439921 -1.430423 +! 2 5.220000 -1.437875 -1.428424 +! 2 5.200000 -1.435813 -1.426408 +! 2 5.180000 -1.433734 -1.424376 +! 2 5.160000 -1.431639 -1.422326 +! 2 5.140000 -1.429528 -1.420259 +! 2 5.120000 -1.427399 -1.418175 +! 2 5.100000 -1.425253 -1.416072 +! 2 5.080000 -1.423089 -1.413952 +! 2 5.060000 -1.420907 -1.411813 +! 2 5.040000 -1.418707 -1.409655 +! 2 5.020000 -1.416489 -1.407478 +! 2 5.000000 -1.414251 -1.405281 +! 2 4.980000 -1.411994 -1.403065 +! 2 4.960000 -1.409717 -1.400829 +! 2 4.940000 -1.407420 -1.398572 +! 2 4.920000 -1.405103 -1.396294 +! 2 4.900000 -1.402766 -1.393995 +! 2 4.880000 -1.400407 -1.391675 +! 2 4.860000 -1.398026 -1.389332 +! 2 4.840000 -1.395624 -1.386967 +! 2 4.820000 -1.393200 -1.384580 +! 2 4.800000 -1.390753 -1.382170 +! 2 4.780000 -1.388283 -1.379736 +! 2 4.760000 -1.385789 -1.377278 +! 2 4.740000 -1.383272 -1.374796 +! 2 4.720000 -1.380730 -1.372289 +! 2 4.700000 -1.378164 -1.369757 +! 2 4.680000 -1.375572 -1.367199 +! 2 4.660000 -1.372955 -1.364616 +! 2 4.640000 -1.370312 -1.362005 +! 2 4.620000 -1.367642 -1.359368 +! 2 4.600000 -1.364945 -1.356703 +! 2 4.580000 -1.362220 -1.354011 +! 2 4.560000 -1.359467 -1.351289 +! 2 4.540000 -1.356686 -1.348539 +! 2 4.520000 -1.353876 -1.345760 +! 2 4.500000 -1.351036 -1.342950 +! 2 4.480000 -1.348165 -1.340110 +! 2 4.460000 -1.345264 -1.337238 +! 2 4.440000 -1.342332 -1.334335 +! 2 4.420000 -1.339368 -1.331399 +! 2 4.400000 -1.336371 -1.328431 +! 2 4.380000 -1.333341 -1.325429 +! 2 4.360000 -1.330277 -1.322393 +! 2 4.340000 -1.327179 -1.319322 +! 2 4.320000 -1.324046 -1.316216 +! 2 4.300000 -1.320877 -1.313074 +! 2 4.280000 -1.317672 -1.309895 +! 2 4.260000 -1.314429 -1.306678 +! 2 4.240000 -1.311149 -1.303424 +! 2 4.220000 -1.307831 -1.300130 +! 2 4.200000 -1.304473 -1.296797 +! 2 4.180000 -1.301075 -1.293424 +! 2 4.160000 -1.297636 -1.290010 +! 2 4.140000 -1.294156 -1.286553 +! 2 4.120000 -1.290634 -1.283054 +! 2 4.100000 -1.287068 -1.279512 +! 2 4.080000 -1.283458 -1.275925 +! 2 4.060000 -1.279804 -1.272293 +! 2 4.040000 -1.276103 -1.268615 +! 2 4.020000 -1.272356 -1.264890 +! 2 4.000000 -1.268561 -1.261116 +! 2 3.980000 -1.264718 -1.257294 +! 2 3.960000 -1.260825 -1.253423 +! 2 3.940000 -1.256882 -1.249500 +! 2 3.920000 -1.252887 -1.245526 +! 2 3.900000 -1.248839 -1.241499 +! 2 3.880000 -1.244738 -1.237418 +! 2 3.860000 -1.240583 -1.233282 +! 2 3.840000 -1.236371 -1.229090 +! 2 3.820000 -1.232103 -1.224841 +! 2 3.800000 -1.227777 -1.220534 +! 2 3.780000 -1.223391 -1.216167 +! 2 3.760000 -1.218946 -1.211739 +! 2 3.740000 -1.214438 -1.207250 +! 2 3.720000 -1.209868 -1.202698 +! 2 3.700000 -1.205233 -1.198081 +! 2 3.680000 -1.200533 -1.193398 +! 2 3.660000 -1.195766 -1.188649 +! 2 3.640000 -1.190931 -1.183831 +! 2 3.620000 -1.186026 -1.178943 +! 2 3.600000 -1.181050 -1.173984 +! 2 3.580000 -1.176001 -1.168952 +! 2 3.560000 -1.170879 -1.163846 +! 2 3.540000 -1.165681 -1.158664 +! 2 3.520000 -1.160406 -1.153406 +! 2 3.500000 -1.155053 -1.148068 +! 2 3.480000 -1.149619 -1.142650 +! 2 3.460000 -1.144103 -1.137150 +! 2 3.440000 -1.138503 -1.131566 +! 2 3.420000 -1.132818 -1.125896 +! 2 3.400000 -1.127046 -1.120139 +! 2 3.380000 -1.121184 -1.114294 +! 2 3.360000 -1.115232 -1.108357 +! 2 3.340000 -1.109188 -1.102328 +! 2 3.320000 -1.103048 -1.096204 +! 2 3.300000 -1.096813 -1.089983 +! 2 3.280000 -1.090478 -1.083664 +! 2 3.260000 -1.084044 -1.077245 +! 2 3.240000 -1.077506 -1.070723 +! 2 3.220000 -1.070864 -1.064096 +! 2 3.200000 -1.064115 -1.057363 +! 2 3.180000 -1.057257 -1.050520 +! 2 3.160000 -1.050288 -1.043567 +! 2 3.140000 -1.043206 -1.036501 +! 2 3.120000 -1.036008 -1.029319 +! 2 3.100000 -1.028692 -1.022019 +! 2 3.080000 -1.021256 -1.014600 +! 2 3.060000 -1.013698 -1.007058 +! 2 3.040000 -1.006014 -0.999391 +! 2 3.020000 -0.998203 -0.991597 +! 2 3.000000 -0.990263 -0.983674 +! 2 2.980000 -0.982190 -0.975619 +! 2 2.960000 -0.973982 -0.967430 +! 2 2.940000 -0.965638 -0.959104 +! 2 2.920000 -0.957153 -0.950639 +! 2 2.900000 -0.948527 -0.942032 +! 2 2.880000 -0.939756 -0.933281 +! 2 2.860000 -0.930838 -0.924383 +! 2 2.840000 -0.921770 -0.915337 +! 2 2.820000 -0.912550 -0.906139 +! 2 2.800000 -0.903175 -0.896786 +! 2 2.780000 -0.893644 -0.887278 +! 2 2.760000 -0.883953 -0.877611 +! 2 2.740000 -0.874099 -0.867782 +! 2 2.720000 -0.864082 -0.857791 +! 2 2.700000 -0.853898 -0.847633 +! 2 2.680000 -0.843545 -0.837307 +! 2 2.660000 -0.833021 -0.826812 +! 2 2.640000 -0.822324 -0.816144 +! 2 2.620000 -0.811451 -0.805302 +! 2 2.600000 -0.800402 -0.794284 +! 2 2.580000 -0.789173 -0.783088 +! 2 2.560000 -0.777763 -0.771712 +! 2 2.540000 -0.766171 -0.760155 +! 2 2.520000 -0.754395 -0.748416 +! 2 2.500000 -0.742434 -0.736492 +! 2 2.480000 -0.730286 -0.724384 +! 2 2.460000 -0.717951 -0.712090 +! 2 2.440000 -0.705428 -0.699609 +! 2 2.420000 -0.692715 -0.686941 +! 2 2.400000 -0.679814 -0.674085 +! 2 2.380000 -0.666723 -0.661041 +! 2 2.360000 -0.653443 -0.647810 +! 2 2.340000 -0.639975 -0.634392 +! 2 2.320000 -0.626318 -0.620787 +! 2 2.300000 -0.612473 -0.606997 +! 2 2.280000 -0.598443 -0.593023 +! 2 2.260000 -0.584228 -0.578867 +! 2 2.240000 -0.569831 -0.564529 +! 2 2.220000 -0.555254 -0.550013 +! 2 2.200000 -0.540499 -0.535322 +! 2 2.180000 -0.525569 -0.520458 +! 2 2.160000 -0.510468 -0.505424 +! 2 2.140000 -0.495200 -0.490225 +! 2 2.120000 -0.479768 -0.474864 +! 2 2.100000 -0.464177 -0.459346 +! 2 2.080000 -0.448432 -0.443676 +! 2 2.060000 -0.432538 -0.427859 +! 2 2.040000 -0.416502 -0.411901 +! 2 2.020000 -0.400329 -0.395808 +! 2 2.000000 -0.384025 -0.379586 +! 2 1.980000 -0.367599 -0.363242 +! 2 1.960000 -0.351056 -0.346784 +! 2 1.940000 -0.334404 -0.330218 +! 2 1.920000 -0.317652 -0.313554 +! 2 1.900000 -0.300808 -0.296798 +! 2 1.880000 -0.283879 -0.279959 +! 2 1.860000 -0.266876 -0.263047 +! 2 1.840000 -0.249808 -0.246070 +! 2 1.820000 -0.232682 -0.229036 +! 2 1.800000 -0.215510 -0.211957 +! 2 1.780000 -0.198300 -0.194841 +! 2 1.760000 -0.181063 -0.177698 +! 2 1.740000 -0.163809 -0.160537 +! 2 1.720000 -0.146547 -0.143369 +! 2 1.700000 -0.129287 -0.126203 +! 2 1.680000 -0.112039 -0.109049 +! 2 1.660000 -0.094814 -0.091918 +! 2 1.640000 -0.077621 -0.074818 +! 2 1.620000 -0.060470 -0.057759 +! 2 1.600000 -0.043371 -0.040752 +! 2 1.580000 -0.026333 -0.023804 +! 2 1.560000 -0.009365 -0.006926 +! 2 1.540000 0.007524 0.009874 +! 2 1.520000 0.024325 0.026587 +! 2 1.500000 0.041029 0.043205 +! 2 1.480000 0.057628 0.059720 +! 2 1.460000 0.074116 0.076124 +! 2 1.440000 0.090483 0.092409 +! 2 1.420000 0.106723 0.108569 +! 2 1.400000 0.122829 0.124597 +! 2 1.380000 0.138795 0.140487 +! 2 1.360000 0.154615 0.156232 +! 2 1.340000 0.170283 0.171828 +! 2 1.320000 0.185794 0.187268 +! 2 1.300000 0.201144 0.202549 +! 2 1.280000 0.216327 0.217666 +! 2 1.260000 0.231341 0.232615 +! 2 1.240000 0.246180 0.247392 +! 2 1.220000 0.260843 0.261994 +! 2 1.200000 0.275326 0.276418 +! 2 1.180000 0.289627 0.290663 +! 2 1.160000 0.303743 0.304724 +! 2 1.140000 0.317674 0.318602 +! 2 1.120000 0.331416 0.332294 +! 2 1.100000 0.344970 0.345800 +! 2 1.080000 0.358335 0.359118 +! 2 1.060000 0.371509 0.372247 +! 2 1.040000 0.384493 0.385188 +! 2 1.020000 0.397286 0.397941 +! 2 1.000000 0.409890 0.410505 +! 2 0.980000 0.422303 0.422881 +! 2 0.960000 0.434528 0.435070 +! 2 0.940000 0.446564 0.447072 +! 2 0.920000 0.458413 0.458889 +! 2 0.900000 0.470077 0.470521 +! 2 0.880000 0.481555 0.481970 +! 2 0.860000 0.492851 0.493238 +! 2 0.840000 0.503966 0.504326 +! 2 0.820000 0.514900 0.515236 +! 2 0.800000 0.525658 0.525969 +! 2 0.780000 0.536239 0.536528 +! 2 0.760000 0.546647 0.546915 +! 2 0.740000 0.556884 0.557132 +! 2 0.720000 0.566951 0.567180 +! 2 0.700000 0.576852 0.577063 +! 2 0.680000 0.586588 0.586782 +! 2 0.660000 0.596162 0.596340 +! 2 0.640000 0.605576 0.605739 +! 2 0.620000 0.614832 0.614982 +! 2 0.600000 0.623934 0.624071 +! 2 0.580000 0.632884 0.633008 +! 2 0.560000 0.641683 0.641796 +! 2 0.540000 0.650336 0.650438 +! 2 0.520000 0.658843 0.658935 +! 2 0.500000 0.667208 0.667291 +! 2 0.480000 0.675433 0.675508 +! 2 0.460000 0.683521 0.683587 +! 2 0.440000 0.691474 0.691533 +! 2 0.420000 0.699294 0.699347 +! 2 0.400000 0.706984 0.707031 +! 2 0.380000 0.714547 0.714588 +! 2 0.360000 0.721985 0.722020 +! 2 0.340000 0.729299 0.729330 +! 2 0.320000 0.736493 0.736520 +! 2 0.300000 0.743569 0.743592 +! 2 0.280000 0.750529 0.750548 +! 2 0.260000 0.757375 0.757391 +! 2 0.240000 0.764109 0.764123 +! 2 0.220000 0.770735 0.770746 +! 2 0.200000 0.777253 0.777262 +! 2 0.180000 0.783665 0.783673 +! 2 0.160000 0.789975 0.789981 +! 2 0.140000 0.796184 0.796189 +! 2 0.120000 0.802294 0.802298 +! 2 0.100000 0.808307 0.808310 +! 2 0.080000 0.814224 0.814227 +! 2 0.060000 0.820049 0.820052 +! 2 0.040000 0.825782 0.825785 +! 2 0.020000 0.831425 0.831428 +! 2 0.000000 0.836981 0.836985 +! 2 -0.020000 0.842451 0.842455 +! 2 -0.040000 0.847836 0.847841 +! 2 -0.060000 0.853139 0.853145 +! 2 -0.080000 0.858361 0.858367 +! 2 -0.100000 0.863504 0.863511 +! 2 -0.120000 0.868568 0.868577 +! 2 -0.140000 0.873557 0.873566 +! 2 -0.160000 0.878470 0.878482 +! 2 -0.180000 0.883311 0.883323 +! 2 -0.200000 0.888079 0.888094 +! 2 -0.220000 0.892778 0.892793 +! 2 -0.240000 0.897407 0.897424 +! 2 -0.260000 0.901968 0.901988 +! 2 -0.280000 0.906464 0.906485 +! 2 -0.300000 0.910894 0.910917 +! 2 -0.320000 0.915260 0.915285 +! 2 -0.340000 0.919564 0.919591 +! 2 -0.360000 0.923807 0.923836 +! 2 -0.380000 0.927989 0.928020 +! 2 -0.400000 0.932113 0.932146 +! 2 -0.420000 0.936178 0.936214 +! 2 -0.440000 0.940187 0.940225 +! 2 -0.460000 0.944141 0.944180 +! 2 -0.480000 0.948039 0.948081 +! 2 -0.500000 0.951884 0.951929 +! 2 -0.520000 0.955677 0.955724 +! 2 -0.540000 0.959418 0.959467 +! 2 -0.560000 0.963109 0.963160 +! 2 -0.580000 0.966750 0.966803 +! 2 -0.600000 0.970342 0.970398 +! 2 -0.620000 0.973887 0.973945 +! 2 -0.640000 0.977384 0.977445 +! 2 -0.660000 0.980836 0.980898 +! 2 -0.680000 0.984242 0.984307 +! 2 -0.700000 0.987605 0.987672 +! 2 -0.720000 0.990923 0.990992 +! 2 -0.740000 0.994199 0.994270 +! 2 -0.760000 0.997433 0.997507 +! 2 -0.780000 1.000625 1.000701 +! 2 -0.800000 1.003778 1.003856 +! 2 -0.820000 1.006890 1.006971 +! 2 -0.840000 1.009964 1.010046 +! 2 -0.860000 1.012999 1.013083 +! 2 -0.880000 1.015996 1.016083 +! 2 -0.900000 1.018957 1.019046 +! 2 -0.920000 1.021881 1.021972 +! 2 -0.940000 1.024769 1.024863 +! 2 -0.960000 1.027623 1.027718 +! 2 -0.980000 1.030441 1.030539 +! 2 -1.000000 1.033227 1.033326 +! 2 -1.020000 1.035978 1.036080 +! 2 -1.040000 1.038697 1.038801 +! 2 -1.060000 1.041384 1.041490 +! 2 -1.080000 1.044039 1.044147 +! 2 -1.100000 1.046664 1.046773 +! 2 -1.120000 1.049257 1.049369 +! 2 -1.140000 1.051821 1.051934 +! 2 -1.160000 1.054355 1.054470 +! 2 -1.180000 1.056860 1.056977 +! 2 -1.200000 1.059336 1.059455 +! 2 -1.220000 1.061785 1.061905 +! 2 -1.240000 1.064206 1.064328 +! 2 -1.260000 1.066599 1.066723 +! 2 -1.280000 1.068966 1.069092 +! 2 -1.300000 1.071307 1.071434 +! 2 -1.320000 1.073621 1.073751 +! 2 -1.340000 1.075911 1.076041 +! 2 -1.360000 1.078175 1.078307 +! 2 -1.380000 1.080414 1.080548 +! 2 -1.400000 1.082630 1.082765 +! 2 -1.420000 1.084821 1.084958 +! 2 -1.440000 1.086989 1.087128 +! 2 -1.460000 1.089134 1.089274 +! 2 -1.480000 1.091256 1.091398 +! 2 -1.500000 1.093356 1.093499 +! 2 -1.520000 1.095433 1.095578 +! 2 -1.540000 1.097489 1.097635 +! 2 -1.560000 1.099524 1.099671 +! 2 -1.580000 1.101537 1.101686 +! 2 -1.600000 1.103530 1.103680 +! 2 -1.620000 1.105502 1.105654 +! 2 -1.640000 1.107455 1.107607 +! 2 -1.660000 1.109387 1.109541 +! 2 -1.680000 1.111300 1.111455 +! 2 -1.700000 1.113194 1.113350 +! 2 -1.720000 1.115068 1.115226 +! 2 -1.740000 1.116924 1.117083 +! 2 -1.760000 1.118762 1.118922 +! 2 -1.780000 1.120582 1.120743 +! 2 -1.800000 1.122383 1.122546 +! 2 -1.820000 1.124168 1.124331 +! 2 -1.840000 1.125934 1.126099 +! 2 -1.860000 1.127684 1.127850 +! 2 -1.880000 1.129417 1.129583 +! 2 -1.900000 1.131133 1.131301 +! 2 -1.920000 1.132833 1.133002 +! 2 -1.940000 1.134517 1.134687 +! 2 -1.960000 1.136185 1.136355 +! 2 -1.980000 1.137837 1.138009 +! 2 -2.000000 1.139474 1.139646 +! 2 -2.020000 1.141096 1.141269 +! 2 -2.040000 1.142702 1.142876 +! 2 -2.060000 1.144294 1.144469 +! 2 -2.080000 1.145871 1.146047 +! 2 -2.100000 1.147434 1.147610 +! 2 -2.120000 1.148983 1.149160 +! 2 -2.140000 1.150517 1.150695 +! 2 -2.160000 1.152038 1.152216 +! 2 -2.180000 1.153545 1.153724 +! 2 -2.200000 1.155038 1.155218 +! 2 -2.220000 1.156519 1.156699 +! 2 -2.240000 1.157986 1.158167 +! 2 -2.260000 1.159440 1.159622 +! 2 -2.280000 1.160881 1.161064 +! 2 -2.300000 1.162310 1.162494 +! 2 -2.320000 1.163727 1.163911 +! 2 -2.340000 1.165131 1.165316 +! 2 -2.360000 1.166523 1.166708 +! 2 -2.380000 1.167903 1.168089 +! 2 -2.400000 1.169272 1.169458 +! 2 -2.420000 1.170628 1.170815 +! 2 -2.440000 1.171974 1.172161 +! 2 -2.460000 1.173308 1.173496 +! 2 -2.480000 1.174630 1.174819 +! 2 -2.500000 1.175942 1.176131 +! 2 -2.520000 1.177243 1.177432 +! 2 -2.540000 1.178533 1.178722 +! 2 -2.560000 1.179812 1.180002 +! 2 -2.580000 1.181081 1.181272 +! 2 -2.600000 1.182339 1.182530 +! 2 -2.620000 1.183588 1.183779 +! 2 -2.640000 1.184826 1.185017 +! 2 -2.660000 1.186054 1.186246 +! 2 -2.680000 1.187272 1.187464 +! 2 -2.700000 1.188480 1.188673 +! 2 -2.720000 1.189679 1.189872 +! 2 -2.740000 1.190868 1.191062 +! 2 -2.760000 1.192048 1.192242 +! 2 -2.780000 1.193219 1.193413 +! 2 -2.800000 1.194380 1.194575 +! 2 -2.820000 1.195533 1.195727 +! 2 -2.840000 1.196676 1.196871 +! 2 -2.860000 1.197810 1.198006 +! 2 -2.880000 1.198936 1.199132 +! 2 -2.900000 1.200053 1.200249 +! 2 -2.920000 1.201162 1.201358 +! 2 -2.940000 1.202262 1.202458 +! 2 -2.960000 1.203354 1.203550 +! 2 -2.980000 1.204437 1.204634 +! 2 -3.000000 1.205512 1.205709 +! 2 -3.020000 1.206580 1.206777 +! 2 -3.040000 1.207639 1.207836 +! 2 -3.060000 1.208690 1.208888 +! 2 -3.080000 1.209734 1.209931 +! 2 -3.100000 1.210770 1.210967 +! 2 -3.120000 1.211798 1.211996 +! 2 -3.140000 1.212819 1.213017 +! 2 -3.160000 1.213832 1.214030 +! 2 -3.180000 1.214838 1.215036 +! 2 -3.200000 1.215837 1.216035 +! 2 -3.220000 1.216828 1.217026 +! 2 -3.240000 1.217813 1.218011 +! 2 -3.260000 1.218790 1.218988 +! 2 -3.280000 1.219760 1.219959 +! 2 -3.300000 1.220724 1.220922 +! 2 -3.320000 1.221681 1.221879 +! 2 -3.340000 1.222630 1.222829 +! 2 -3.360000 1.223574 1.223772 +! 2 -3.380000 1.224510 1.224709 +! 2 -3.400000 1.225440 1.225639 +! 2 -3.420000 1.226364 1.226562 +! 2 -3.440000 1.227281 1.227479 +! 2 -3.460000 1.228192 1.228390 +! 2 -3.480000 1.229097 1.229295 +! 2 -3.500000 1.229995 1.230194 +! 2 -3.520000 1.230888 1.231086 +! 2 -3.540000 1.231774 1.231972 +! 2 -3.560000 1.232654 1.232852 +! 2 -3.580000 1.233529 1.233727 +! 2 -3.600000 1.234397 1.234595 +! 2 -3.620000 1.235260 1.235458 +! 2 -3.640000 1.236117 1.236315 +! 2 -3.660000 1.236968 1.237166 +! 2 -3.680000 1.237814 1.238011 +! 2 -3.700000 1.238654 1.238851 +! 2 -3.720000 1.239488 1.239686 +! 2 -3.740000 1.240318 1.240515 +! 2 -3.760000 1.241141 1.241338 +! 2 -3.780000 1.241960 1.242157 +! 2 -3.800000 1.242773 1.242970 +! 2 -3.820000 1.243580 1.243777 +! 2 -3.840000 1.244383 1.244580 +! 2 -3.860000 1.245180 1.245377 +! 2 -3.880000 1.245973 1.246169 +! 2 -3.900000 1.246760 1.246956 +! 2 -3.920000 1.247542 1.247739 +! 2 -3.940000 1.248320 1.248516 +! 2 -3.960000 1.249092 1.249288 +! 2 -3.980000 1.249860 1.250056 +! 2 -4.000000 1.250623 1.250818 +! 2 -4.020000 1.251381 1.251576 +! 2 -4.040000 1.252134 1.252329 +! 2 -4.060000 1.252883 1.253078 +! 2 -4.080000 1.253627 1.253822 +! 2 -4.100000 1.254367 1.254561 +! 2 -4.120000 1.255102 1.255296 +! 2 -4.140000 1.255832 1.256026 +! 2 -4.160000 1.256558 1.256752 +! 2 -4.180000 1.257280 1.257474 +! 2 -4.200000 1.257997 1.258191 +! 2 -4.220000 1.258710 1.258904 +! 2 -4.240000 1.259419 1.259612 +! 2 -4.260000 1.260123 1.260316 +! 2 -4.280000 1.260824 1.261017 +! 2 -4.300000 1.261520 1.261712 +! 2 -4.320000 1.262212 1.262404 +! 2 -4.340000 1.262900 1.263092 +! 2 -4.360000 1.263584 1.263775 +! 2 -4.380000 1.264264 1.264455 +! 2 -4.400000 1.264939 1.265131 +! 2 -4.420000 1.265611 1.265802 +! 2 -4.440000 1.266279 1.266470 +! 2 -4.460000 1.266944 1.267134 +! 2 -4.480000 1.267604 1.267794 +! 2 -4.500000 1.268260 1.268451 +! 2 -4.520000 1.268913 1.269103 +! 2 -4.540000 1.269562 1.269752 +! 2 -4.560000 1.270208 1.270397 +! 2 -4.580000 1.270849 1.271038 +! 2 -4.600000 1.271487 1.271676 +! 2 -4.620000 1.272122 1.272310 +! 2 -4.640000 1.272753 1.272941 +! 2 -4.660000 1.273380 1.273568 +! 2 -4.680000 1.274004 1.274192 +! 2 -4.700000 1.274624 1.274812 +! 2 -4.720000 1.275241 1.275428 +! 2 -4.740000 1.275855 1.276042 +! 2 -4.760000 1.276465 1.276652 +! 2 -4.780000 1.277072 1.277258 +! 2 -4.800000 1.277675 1.277861 +! 2 -4.820000 1.278275 1.278461 +! 2 -4.840000 1.278872 1.279058 +! 2 -4.860000 1.279466 1.279651 +! 2 -4.880000 1.280056 1.280241 +! 2 -4.900000 1.280644 1.280828 +! 2 -4.920000 1.281228 1.281412 +! 2 -4.940000 1.281809 1.281993 +! 2 -4.960000 1.282386 1.282570 +! 2 -4.980000 1.282961 1.283145 +! 2 -5.000000 1.283533 1.283716 +! 2 -5.020000 1.284102 1.284284 +! 2 -5.040000 1.284667 1.284850 +! 2 -5.060000 1.285230 1.285412 +! 2 -5.080000 1.285790 1.285971 +! 2 -5.100000 1.286346 1.286528 +! 2 -5.120000 1.286900 1.287081 +! 2 -5.140000 1.287451 1.287632 +! 2 -5.160000 1.288000 1.288180 +! 2 -5.180000 1.288545 1.288725 +! 2 -5.200000 1.289087 1.289267 +! 2 -5.220000 1.289627 1.289807 +! 2 -5.240000 1.290164 1.290343 +! 2 -5.260000 1.290698 1.290877 +! 2 -5.280000 1.291230 1.291408 +! 2 -5.300000 1.291758 1.291937 +! 2 -5.320000 1.292284 1.292462 +! 2 -5.340000 1.292808 1.292985 +! 2 -5.360000 1.293329 1.293506 +! 2 -5.380000 1.293847 1.294024 +! 2 -5.400000 1.294362 1.294539 +! 2 -5.420000 1.294875 1.295052 +! 2 -5.440000 1.295386 1.295562 +! 2 -5.460000 1.295894 1.296069 +! 2 -5.480000 1.296399 1.296574 +! 2 -5.500000 1.296902 1.297077 +! 2 -5.520000 1.297402 1.297577 +! 2 -5.540000 1.297900 1.298074 +! 2 -5.560000 1.298396 1.298570 +! 2 -5.580000 1.298889 1.299062 +! 2 -5.600000 1.299379 1.299553 +! 2 -5.620000 1.299868 1.300041 +! 2 -5.640000 1.300354 1.300526 +! 2 -5.660000 1.300837 1.301009 +! 2 -5.680000 1.301319 1.301490 +! 2 -5.700000 1.301797 1.301969 +! 2 -5.720000 1.302274 1.302445 +! 2 -5.740000 1.302748 1.302919 +! 2 -5.760000 1.303221 1.303391 +! 2 -5.780000 1.303690 1.303861 +! 2 -5.800000 1.304158 1.304328 +! 2 -5.820000 1.304623 1.304793 +! 2 -5.840000 1.305087 1.305256 +! 2 -5.860000 1.305548 1.305717 +! 2 -5.880000 1.306007 1.306175 +! 2 -5.900000 1.306463 1.306632 +! 2 -5.920000 1.306918 1.307086 +! 2 -5.940000 1.307371 1.307538 +! 2 -5.960000 1.307821 1.307988 +! 2 -5.980000 1.308269 1.308436 +! 2 -6.000000 1.308716 1.308882 +! 2 -6.020000 1.309160 1.309326 +! 2 -6.040000 1.309602 1.309768 +! 2 -6.060000 1.310042 1.310207 +! 2 -6.080000 1.310480 1.310645 +! 2 -6.100000 1.310916 1.311081 +! 2 -6.120000 1.311350 1.311515 +! 2 -6.140000 1.311783 1.311947 +! 2 -6.160000 1.312213 1.312377 +! 2 -6.180000 1.312641 1.312804 +! 2 -6.200000 1.313068 1.313231 +! 2 -6.220000 1.313492 1.313655 +! 2 -6.240000 1.313915 1.314077 +! 2 -6.260000 1.314335 1.314497 +! 2 -6.280000 1.314754 1.314916 +! 2 -6.300000 1.315171 1.315332 +! 2 -6.320000 1.315586 1.315747 +! 2 -6.340000 1.316000 1.316160 +! 2 -6.360000 1.316411 1.316571 +! 2 -6.380000 1.316821 1.316981 +! 2 -6.400000 1.317229 1.317388 +! 2 -6.420000 1.317635 1.317794 +! 2 -6.440000 1.318039 1.318198 +! 2 -6.460000 1.318442 1.318600 +! 2 -6.480000 1.318842 1.319001 +! 2 -6.500000 1.319242 1.319399 +! 2 -6.520000 1.319639 1.319796 +! 2 -6.540000 1.320035 1.320192 +! 2 -6.560000 1.320429 1.320585 +! 2 -6.580000 1.320821 1.320977 +! 2 -6.600000 1.321211 1.321367 +! 2 -6.620000 1.321600 1.321756 +! 2 -6.640000 1.321988 1.322143 +! 2 -6.660000 1.322373 1.322528 +! 2 -6.680000 1.322757 1.322912 +! 2 -6.700000 1.323140 1.323294 +! 2 -6.720000 1.323521 1.323675 +! 2 -6.740000 1.323900 1.324053 +! 2 -6.760000 1.324277 1.324431 +! 2 -6.780000 1.324653 1.324806 +! 2 -6.800000 1.325028 1.325181 +! 2 -6.820000 1.325401 1.325553 +! 2 -6.840000 1.325772 1.325924 +! 2 -6.860000 1.326142 1.326294 +! 2 -6.880000 1.326510 1.326662 +! 2 -6.900000 1.326877 1.327028 +! 2 -6.920000 1.327243 1.327393 +! 2 -6.940000 1.327606 1.327757 +! 2 -6.960000 1.327969 1.328119 +! 2 -6.980000 1.328330 1.328479 +! 2 -7.000000 1.328689 1.328838 +! 2 -7.020000 1.329047 1.329196 +! 2 -7.040000 1.329403 1.329552 +! 2 -7.060000 1.329758 1.329907 +! 2 -7.080000 1.330112 1.330260 +! 2 -7.100000 1.330464 1.330612 +! 2 -7.120000 1.330815 1.330962 +! 2 -7.140000 1.331164 1.331311 +! 2 -7.160000 1.331512 1.331659 +! 2 -7.180000 1.331859 1.332005 +! 2 -7.200000 1.332204 1.332350 +! 2 -7.220000 1.332548 1.332693 +! 2 -7.240000 1.332891 1.333036 +! 2 -7.260000 1.333232 1.333376 +! 2 -7.280000 1.333571 1.333716 +! 2 -7.300000 1.333910 1.334054 +! 2 -7.320000 1.334247 1.334391 +! 2 -7.340000 1.334583 1.334726 +! 2 -7.360000 1.334917 1.335061 +! 2 -7.380000 1.335251 1.335394 +! 2 -7.400000 1.335583 1.335725 +! 2 -7.420000 1.335913 1.336055 +! 2 -7.440000 1.336243 1.336385 +! 2 -7.460000 1.336571 1.336712 +! 2 -7.480000 1.336898 1.337039 +! 2 -7.500000 1.337223 1.337364 +! 2 -7.520000 1.337548 1.337688 +! 2 -7.540000 1.337871 1.338011 +! 2 -7.560000 1.338193 1.338333 +! 2 -7.580000 1.338513 1.338653 +! 2 -7.600000 1.338833 1.338972 +! 2 -7.620000 1.339151 1.339290 +! 2 -7.640000 1.339468 1.339607 +! 2 -7.660000 1.339784 1.339922 +! 2 -7.680000 1.340099 1.340237 +! 2 -7.700000 1.340412 1.340550 +! 2 -7.720000 1.340724 1.340862 +! 2 -7.740000 1.341036 1.341173 +! 2 -7.760000 1.341346 1.341482 +! 2 -7.780000 1.341654 1.341791 +! 2 -7.800000 1.341962 1.342098 +! 2 -7.820000 1.342269 1.342404 +! 2 -7.840000 1.342574 1.342709 +! 2 -7.860000 1.342878 1.343013 +! 2 -7.880000 1.343182 1.343316 +! 2 -7.900000 1.343484 1.343618 +! 2 -7.920000 1.343785 1.343919 +! 2 -7.940000 1.344084 1.344218 +! 2 -7.960000 1.344383 1.344517 +! 2 -7.980000 1.344681 1.344814 +! 2 -8.000000 1.344978 1.345110 +! 2 -8.020000 1.345273 1.345406 +! 2 -8.040000 1.345568 1.345700 +! 2 -8.060000 1.345861 1.345993 +! 2 -8.080000 1.346153 1.346285 +! 2 -8.100000 1.346445 1.346576 +! 2 -8.120000 1.346735 1.346866 +! 2 -8.140000 1.347024 1.347155 +! 2 -8.160000 1.347312 1.347443 +! 2 -8.180000 1.347600 1.347730 +! 2 -8.200000 1.347886 1.348016 +! 2 -8.220000 1.348171 1.348300 +! 2 -8.240000 1.348455 1.348584 +! 2 -8.260000 1.348738 1.348867 +! 2 -8.280000 1.349020 1.349149 +! 2 -8.300000 1.349301 1.349430 +! 2 -8.320000 1.349582 1.349710 +! 2 -8.340000 1.349861 1.349989 +! 2 -8.360000 1.350139 1.350266 +! 2 -8.380000 1.350416 1.350543 +! 2 -8.400000 1.350693 1.350819 +! 2 -8.420000 1.350968 1.351094 +! 2 -8.440000 1.351242 1.351369 +! 2 -8.460000 1.351516 1.351642 +! 2 -8.480000 1.351788 1.351914 +! 2 -8.500000 1.352060 1.352185 +! 2 -8.520000 1.352330 1.352455 +! 2 -8.540000 1.352600 1.352725 +! 2 -8.560000 1.352869 1.352993 +! 2 -8.580000 1.353137 1.353261 +! 2 -8.600000 1.353404 1.353528 +! 2 -8.620000 1.353670 1.353793 +! 2 -8.640000 1.353935 1.354058 +! 2 -8.660000 1.354199 1.354322 +! 2 -8.680000 1.354462 1.354585 +! 2 -8.700000 1.354725 1.354847 +! 2 -8.720000 1.354986 1.355109 +! 2 -8.740000 1.355247 1.355369 +! 2 -8.760000 1.355507 1.355629 +! 2 -8.780000 1.355766 1.355887 +! 2 -8.800000 1.356024 1.356145 +! 2 -8.820000 1.356281 1.356402 +! 2 -8.840000 1.356538 1.356658 +! 2 -8.860000 1.356793 1.356913 +! 2 -8.880000 1.357048 1.357168 +! 2 -8.900000 1.357302 1.357421 +! 2 -8.920000 1.357555 1.357674 +! 2 -8.940000 1.357807 1.357926 +! 2 -8.960000 1.358058 1.358177 +! 2 -8.980000 1.358309 1.358427 +! 2 -9.000000 1.358558 1.358677 +! 2 -9.020000 1.358807 1.358925 +! 2 -9.040000 1.359055 1.359173 +! 2 -9.060000 1.359303 1.359420 +! 2 -9.080000 1.359549 1.359666 +! 2 -9.100000 1.359795 1.359912 +! 2 -9.120000 1.360040 1.360156 +! 2 -9.140000 1.360284 1.360400 +! 2 -9.160000 1.360527 1.360643 +! 2 -9.180000 1.360770 1.360885 +! 2 -9.200000 1.361011 1.361127 +! 2 -9.220000 1.361252 1.361368 +! 2 -9.240000 1.361493 1.361608 +! 2 -9.260000 1.361732 1.361847 +! 2 -9.280000 1.361971 1.362085 +! 2 -9.300000 1.362209 1.362323 +! 2 -9.320000 1.362446 1.362560 +! 2 -9.340000 1.362682 1.362796 +! 2 -9.360000 1.362918 1.363031 +! 2 -9.380000 1.363153 1.363266 +! 2 -9.400000 1.363387 1.363500 +! 2 -9.420000 1.363620 1.363733 +! 2 -9.440000 1.363853 1.363966 +! 2 -9.460000 1.364085 1.364197 +! 2 -9.480000 1.364316 1.364428 +! 2 -9.500000 1.364547 1.364659 +! 2 -9.520000 1.364777 1.364888 +! 2 -9.540000 1.365006 1.365117 +! 2 -9.560000 1.365234 1.365345 +! 2 -9.580000 1.365462 1.365573 +! 2 -9.600000 1.365689 1.365799 +! 2 -9.620000 1.365915 1.366026 +! 2 -9.640000 1.366141 1.366251 +! 2 -9.660000 1.366366 1.366476 +! 2 -9.680000 1.366590 1.366700 +! 2 -9.700000 1.366814 1.366923 +! 2 -9.720000 1.367037 1.367145 +! 2 -9.740000 1.367259 1.367367 +! 2 -9.760000 1.367480 1.367589 +! 2 -9.780000 1.367701 1.367809 +! 2 -9.800000 1.367921 1.368029 +! 2 -9.820000 1.368141 1.368248 +! 2 -9.840000 1.368360 1.368467 +! 2 -9.860000 1.368578 1.368685 +! 2 -9.880000 1.368795 1.368902 +! 2 -9.900000 1.369012 1.369119 +! 2 -9.920000 1.369228 1.369335 +! 2 -9.940000 1.369444 1.369550 +! 2 -9.960000 1.369659 1.369765 +! 2 -9.980000 1.369873 1.369979 +! 2 -10.000000 1.370087 1.370192 +! 2 -10.020000 1.370300 1.370405 +! 2 -10.040000 1.370512 1.370617 +! 2 -10.060000 1.370724 1.370829 +! 2 -10.080000 1.370935 1.371040 +! 2 -10.100000 1.371146 1.371250 +! 2 -10.120000 1.371356 1.371460 +! 2 -10.140000 1.371565 1.371669 +! 2 -10.160000 1.371774 1.371877 +! 2 -10.180000 1.371982 1.372085 +! 2 -10.200000 1.372189 1.372292 +! 2 -10.220000 1.372396 1.372499 +! 2 -10.240000 1.372602 1.372705 +! 2 -10.260000 1.372808 1.372910 +! 2 -10.280000 1.373013 1.373115 +! 2 -10.300000 1.373217 1.373319 +! 2 -10.320000 1.373421 1.373523 +! 2 -10.340000 1.373624 1.373726 +! 2 -10.360000 1.373827 1.373928 +! 2 -10.380000 1.374029 1.374130 +! 2 -10.400000 1.374231 1.374332 +! 2 -10.420000 1.374432 1.374532 +! 2 -10.440000 1.374632 1.374733 +! 2 -10.460000 1.374832 1.374932 +! 2 -10.480000 1.375031 1.375131 +! 2 -10.500000 1.375230 1.375330 +! 2 -10.520000 1.375428 1.375527 +! 2 -10.540000 1.375625 1.375725 +! 2 -10.560000 1.375822 1.375922 +! 2 -10.580000 1.376019 1.376118 +! 2 -10.600000 1.376215 1.376313 +! 2 -10.620000 1.376410 1.376508 +! 2 -10.640000 1.376605 1.376703 +! 2 -10.660000 1.376799 1.376897 +! 2 -10.680000 1.376993 1.377091 +! 2 -10.700000 1.377186 1.377283 +! 2 -10.720000 1.377378 1.377476 +! 2 -10.740000 1.377571 1.377668 +! 2 -10.760000 1.377762 1.377859 +! 2 -10.780000 1.377953 1.378050 +! 2 -10.800000 1.378144 1.378240 +! 2 -10.820000 1.378333 1.378430 +! 2 -10.840000 1.378523 1.378619 +! 2 -10.860000 1.378712 1.378808 +! 2 -10.880000 1.378900 1.378996 +! 2 -10.900000 1.379088 1.379183 +! 2 -10.920000 1.379275 1.379371 +! 2 -10.940000 1.379462 1.379557 +! 2 -10.960000 1.379649 1.379743 +! 2 -10.980000 1.379834 1.379929 +! 2 -11.000000 1.380020 1.380114 +! 2 -11.020000 1.380204 1.380299 +! 2 -11.040000 1.380389 1.380483 +! 2 -11.060000 1.380573 1.380666 +! 2 -11.080000 1.380756 1.380849 +! 2 -11.100000 1.380939 1.381032 +! 2 -11.120000 1.381121 1.381214 +! 2 -11.140000 1.381303 1.381396 +! 2 -11.160000 1.381484 1.381577 +! 2 -11.180000 1.381665 1.381758 +! 2 -11.200000 1.381845 1.381938 +! 2 -11.220000 1.382025 1.382117 +! 2 -11.240000 1.382205 1.382297 +! 2 -11.260000 1.382384 1.382475 +! 2 -11.280000 1.382562 1.382654 +! 2 -11.300000 1.382740 1.382831 +! 2 -11.320000 1.382917 1.383009 +! 2 -11.340000 1.383094 1.383185 +! 2 -11.360000 1.383271 1.383362 +! 2 -11.380000 1.383447 1.383538 +! 2 -11.400000 1.383623 1.383713 +! 2 -11.420000 1.383798 1.383888 +! 2 -11.440000 1.383973 1.384063 +! 2 -11.460000 1.384147 1.384237 +! 2 -11.480000 1.384321 1.384410 +! 2 -11.500000 1.384494 1.384583 +! 2 -11.520000 1.384667 1.384756 +! 2 -11.540000 1.384839 1.384928 +! 2 -11.560000 1.385011 1.385100 +! 2 -11.580000 1.385183 1.385272 +! 2 -11.600000 1.385354 1.385442 +! 2 -11.620000 1.385524 1.385613 +! 2 -11.640000 1.385695 1.385783 +! 2 -11.660000 1.385864 1.385952 +! 2 -11.680000 1.386034 1.386122 +! 2 -11.700000 1.386203 1.386290 +! 2 -11.720000 1.386371 1.386459 +! 2 -11.740000 1.386539 1.386626 +! 2 -11.760000 1.386707 1.386794 +! 2 -11.780000 1.386874 1.386961 +! 2 -11.800000 1.387041 1.387127 +! 2 -11.820000 1.387207 1.387294 +! 2 -11.840000 1.387373 1.387459 +! 2 -11.860000 1.387538 1.387625 +! 2 -11.880000 1.387703 1.387789 +! 2 -11.900000 1.387868 1.387954 +! 2 -11.920000 1.388032 1.388118 +! 2 -11.940000 1.388196 1.388282 +! 2 -11.960000 1.388359 1.388445 +! 2 -11.980000 1.388522 1.388608 + +log derivativve data for plotting, l= 3 +atan(r * ((d psi(r)/dr)/psi(r))), r= 1.21 +l, energy, all-electron, pseudopotential + +! 3 12.000000 -1.509629 -1.492705 +! 3 11.980000 -1.508771 -1.491850 +! 3 11.960000 -1.507910 -1.490992 +! 3 11.940000 -1.507045 -1.490130 +! 3 11.920000 -1.506179 -1.489265 +! 3 11.900000 -1.505309 -1.488397 +! 3 11.880000 -1.504436 -1.487525 +! 3 11.860000 -1.503560 -1.486649 +! 3 11.840000 -1.502681 -1.485771 +! 3 11.820000 -1.501799 -1.484888 +! 3 11.800000 -1.500913 -1.484002 +! 3 11.780000 -1.500025 -1.483113 +! 3 11.760000 -1.499133 -1.482220 +! 3 11.740000 -1.498238 -1.481323 +! 3 11.720000 -1.497340 -1.480422 +! 3 11.700000 -1.496438 -1.479518 +! 3 11.680000 -1.495534 -1.478609 +! 3 11.660000 -1.494625 -1.477697 +! 3 11.640000 -1.493713 -1.476781 +! 3 11.620000 -1.492798 -1.475861 +! 3 11.600000 -1.491879 -1.474937 +! 3 11.580000 -1.490957 -1.474009 +! 3 11.560000 -1.490031 -1.473077 +! 3 11.540000 -1.489101 -1.472141 +! 3 11.520000 -1.488167 -1.471201 +! 3 11.500000 -1.487230 -1.470256 +! 3 11.480000 -1.486289 -1.469307 +! 3 11.460000 -1.485344 -1.468354 +! 3 11.440000 -1.484395 -1.467397 +! 3 11.420000 -1.483443 -1.466435 +! 3 11.400000 -1.482486 -1.465468 +! 3 11.380000 -1.481525 -1.464497 +! 3 11.360000 -1.480560 -1.463522 +! 3 11.340000 -1.479592 -1.462542 +! 3 11.320000 -1.478618 -1.461558 +! 3 11.300000 -1.477641 -1.460568 +! 3 11.280000 -1.476659 -1.459574 +! 3 11.260000 -1.475674 -1.458575 +! 3 11.240000 -1.474683 -1.457572 +! 3 11.220000 -1.473689 -1.456563 +! 3 11.200000 -1.472689 -1.455550 +! 3 11.180000 -1.471686 -1.454531 +! 3 11.160000 -1.470678 -1.453507 +! 3 11.140000 -1.469665 -1.452479 +! 3 11.120000 -1.468647 -1.451445 +! 3 11.100000 -1.467625 -1.450406 +! 3 11.080000 -1.466598 -1.449361 +! 3 11.060000 -1.465566 -1.448312 +! 3 11.040000 -1.464529 -1.447257 +! 3 11.020000 -1.463487 -1.446196 +! 3 11.000000 -1.462441 -1.445130 +! 3 10.980000 -1.461389 -1.444058 +! 3 10.960000 -1.460332 -1.442981 +! 3 10.940000 -1.459270 -1.441898 +! 3 10.920000 -1.458202 -1.440809 +! 3 10.900000 -1.457130 -1.439715 +! 3 10.880000 -1.456052 -1.438614 +! 3 10.860000 -1.454968 -1.437508 +! 3 10.840000 -1.453880 -1.436395 +! 3 10.820000 -1.452785 -1.435277 +! 3 10.800000 -1.451685 -1.434152 +! 3 10.780000 -1.450579 -1.433021 +! 3 10.760000 -1.449468 -1.431884 +! 3 10.740000 -1.448351 -1.430740 +! 3 10.720000 -1.447227 -1.429590 +! 3 10.700000 -1.446098 -1.428434 +! 3 10.680000 -1.444963 -1.427271 +! 3 10.660000 -1.443822 -1.426101 +! 3 10.640000 -1.442675 -1.424925 +! 3 10.620000 -1.441521 -1.423742 +! 3 10.600000 -1.440362 -1.422552 +! 3 10.580000 -1.439196 -1.421355 +! 3 10.560000 -1.438023 -1.420150 +! 3 10.540000 -1.436844 -1.418939 +! 3 10.520000 -1.435658 -1.417721 +! 3 10.500000 -1.434466 -1.416495 +! 3 10.480000 -1.433267 -1.415263 +! 3 10.460000 -1.432061 -1.414022 +! 3 10.440000 -1.430848 -1.412774 +! 3 10.420000 -1.429629 -1.411519 +! 3 10.400000 -1.428402 -1.410256 +! 3 10.380000 -1.427168 -1.408985 +! 3 10.360000 -1.425927 -1.407706 +! 3 10.340000 -1.424679 -1.406419 +! 3 10.320000 -1.423423 -1.405125 +! 3 10.300000 -1.422160 -1.403822 +! 3 10.280000 -1.420889 -1.402511 +! 3 10.260000 -1.419611 -1.401191 +! 3 10.240000 -1.418325 -1.399864 +! 3 10.220000 -1.417031 -1.398527 +! 3 10.200000 -1.415729 -1.397182 +! 3 10.180000 -1.414419 -1.395829 +! 3 10.160000 -1.413101 -1.394466 +! 3 10.140000 -1.411775 -1.393095 +! 3 10.120000 -1.410441 -1.391715 +! 3 10.100000 -1.409098 -1.390325 +! 3 10.080000 -1.407747 -1.388926 +! 3 10.060000 -1.406387 -1.387518 +! 3 10.040000 -1.405018 -1.386101 +! 3 10.020000 -1.403641 -1.384674 +! 3 10.000000 -1.402255 -1.383237 +! 3 9.980000 -1.400859 -1.381791 +! 3 9.960000 -1.399455 -1.380334 +! 3 9.940000 -1.398041 -1.378868 +! 3 9.920000 -1.396619 -1.377392 +! 3 9.900000 -1.395186 -1.375905 +! 3 9.880000 -1.393744 -1.374408 +! 3 9.860000 -1.392293 -1.372900 +! 3 9.840000 -1.390831 -1.371382 +! 3 9.820000 -1.389360 -1.369853 +! 3 9.800000 -1.387879 -1.368313 +! 3 9.780000 -1.386387 -1.366762 +! 3 9.760000 -1.384886 -1.365200 +! 3 9.740000 -1.383374 -1.363627 +! 3 9.720000 -1.381851 -1.362042 +! 3 9.700000 -1.380318 -1.360446 +! 3 9.680000 -1.378774 -1.358838 +! 3 9.660000 -1.377219 -1.357218 +! 3 9.640000 -1.375652 -1.355586 +! 3 9.620000 -1.374075 -1.353942 +! 3 9.600000 -1.372487 -1.352286 +! 3 9.580000 -1.370887 -1.350618 +! 3 9.560000 -1.369275 -1.348936 +! 3 9.540000 -1.367652 -1.347242 +! 3 9.520000 -1.366016 -1.345536 +! 3 9.500000 -1.364369 -1.343816 +! 3 9.480000 -1.362709 -1.342082 +! 3 9.460000 -1.361037 -1.340336 +! 3 9.440000 -1.359353 -1.338576 +! 3 9.420000 -1.357656 -1.336802 +! 3 9.400000 -1.355946 -1.335014 +! 3 9.380000 -1.354223 -1.333212 +! 3 9.360000 -1.352487 -1.331396 +! 3 9.340000 -1.350738 -1.329566 +! 3 9.320000 -1.348975 -1.327721 +! 3 9.300000 -1.347198 -1.325861 +! 3 9.280000 -1.345408 -1.323986 +! 3 9.260000 -1.343603 -1.322096 +! 3 9.240000 -1.341785 -1.320190 +! 3 9.220000 -1.339951 -1.318269 +! 3 9.200000 -1.338104 -1.316332 +! 3 9.180000 -1.336241 -1.314379 +! 3 9.160000 -1.334364 -1.312410 +! 3 9.140000 -1.332472 -1.310424 +! 3 9.120000 -1.330564 -1.308422 +! 3 9.100000 -1.328640 -1.306403 +! 3 9.080000 -1.326701 -1.304367 +! 3 9.060000 -1.324746 -1.302313 +! 3 9.040000 -1.322774 -1.300242 +! 3 9.020000 -1.320787 -1.298154 +! 3 9.000000 -1.318782 -1.296047 +! 3 8.980000 -1.316761 -1.293922 +! 3 8.960000 -1.314723 -1.291778 +! 3 8.940000 -1.312667 -1.289616 +! 3 8.920000 -1.310594 -1.287435 +! 3 8.900000 -1.308503 -1.285234 +! 3 8.880000 -1.306394 -1.283014 +! 3 8.860000 -1.304267 -1.280775 +! 3 8.840000 -1.302121 -1.278515 +! 3 8.820000 -1.299957 -1.276235 +! 3 8.800000 -1.297774 -1.273934 +! 3 8.780000 -1.295571 -1.271613 +! 3 8.760000 -1.293349 -1.269270 +! 3 8.740000 -1.291107 -1.266906 +! 3 8.720000 -1.288845 -1.264520 +! 3 8.700000 -1.286562 -1.262112 +! 3 8.680000 -1.284259 -1.259682 +! 3 8.660000 -1.281935 -1.257229 +! 3 8.640000 -1.279590 -1.254753 +! 3 8.620000 -1.277223 -1.252253 +! 3 8.600000 -1.274835 -1.249730 +! 3 8.580000 -1.272424 -1.247184 +! 3 8.560000 -1.269991 -1.244612 +! 3 8.540000 -1.267535 -1.242017 +! 3 8.520000 -1.265056 -1.239396 +! 3 8.500000 -1.262554 -1.236750 +! 3 8.480000 -1.260028 -1.234078 +! 3 8.460000 -1.257478 -1.231380 +! 3 8.440000 -1.254903 -1.228656 +! 3 8.420000 -1.252304 -1.225904 +! 3 8.400000 -1.249679 -1.223126 +! 3 8.380000 -1.247029 -1.220320 +! 3 8.360000 -1.244353 -1.217486 +! 3 8.340000 -1.241651 -1.214623 +! 3 8.320000 -1.238923 -1.211732 +! 3 8.300000 -1.236167 -1.208812 +! 3 8.280000 -1.233384 -1.205861 +! 3 8.260000 -1.230573 -1.202881 +! 3 8.240000 -1.227734 -1.199870 +! 3 8.220000 -1.224866 -1.196829 +! 3 8.200000 -1.221969 -1.193755 +! 3 8.180000 -1.219043 -1.190650 +! 3 8.160000 -1.216087 -1.187513 +! 3 8.140000 -1.213100 -1.184342 +! 3 8.120000 -1.210083 -1.181138 +! 3 8.100000 -1.207034 -1.177901 +! 3 8.080000 -1.203953 -1.174629 +! 3 8.060000 -1.200841 -1.171322 +! 3 8.040000 -1.197696 -1.167980 +! 3 8.020000 -1.194517 -1.164602 +! 3 8.000000 -1.191305 -1.161187 +! 3 7.980000 -1.188058 -1.157736 +! 3 7.960000 -1.184777 -1.154247 +! 3 7.940000 -1.181461 -1.150720 +! 3 7.920000 -1.178109 -1.147154 +! 3 7.900000 -1.174720 -1.143549 +! 3 7.880000 -1.171295 -1.139904 +! 3 7.860000 -1.167832 -1.136219 +! 3 7.840000 -1.164331 -1.132492 +! 3 7.820000 -1.160792 -1.128724 +! 3 7.800000 -1.157213 -1.124914 +! 3 7.780000 -1.153595 -1.121061 +! 3 7.760000 -1.149936 -1.117164 +! 3 7.740000 -1.146237 -1.113222 +! 3 7.720000 -1.142495 -1.109236 +! 3 7.700000 -1.138712 -1.105205 +! 3 7.680000 -1.134885 -1.101127 +! 3 7.660000 -1.131015 -1.097002 +! 3 7.640000 -1.127100 -1.092829 +! 3 7.620000 -1.123141 -1.088608 +! 3 7.600000 -1.119136 -1.084337 +! 3 7.580000 -1.115084 -1.080017 +! 3 7.560000 -1.110986 -1.075646 +! 3 7.540000 -1.106839 -1.071224 +! 3 7.520000 -1.102644 -1.066749 +! 3 7.500000 -1.098400 -1.062222 +! 3 7.480000 -1.094106 -1.057640 +! 3 7.460000 -1.089761 -1.053004 +! 3 7.440000 -1.085364 -1.048313 +! 3 7.420000 -1.080915 -1.043565 +! 3 7.400000 -1.076413 -1.038760 +! 3 7.380000 -1.071856 -1.033897 +! 3 7.360000 -1.067245 -1.028976 +! 3 7.340000 -1.062578 -1.023994 +! 3 7.320000 -1.057854 -1.018952 +! 3 7.300000 -1.053073 -1.013849 +! 3 7.280000 -1.048234 -1.008683 +! 3 7.260000 -1.043335 -1.003454 +! 3 7.240000 -1.038377 -0.998161 +! 3 7.220000 -1.033357 -0.992803 +! 3 7.200000 -1.028275 -0.987378 +! 3 7.180000 -1.023131 -0.981887 +! 3 7.160000 -1.017922 -0.976327 +! 3 7.140000 -1.012649 -0.970699 +! 3 7.120000 -1.007310 -0.965000 +! 3 7.100000 -1.001904 -0.959231 +! 3 7.080000 -0.996431 -0.953390 +! 3 7.060000 -0.990889 -0.947476 +! 3 7.040000 -0.985277 -0.941487 +! 3 7.020000 -0.979594 -0.935424 +! 3 7.000000 -0.973839 -0.929286 +! 3 6.980000 -0.968012 -0.923070 +! 3 6.960000 -0.962111 -0.916776 +! 3 6.940000 -0.956135 -0.910403 +! 3 6.920000 -0.950083 -0.903951 +! 3 6.900000 -0.943953 -0.897417 +! 3 6.880000 -0.937746 -0.890801 +! 3 6.860000 -0.931460 -0.884102 +! 3 6.840000 -0.925093 -0.877319 +! 3 6.820000 -0.918645 -0.870452 +! 3 6.800000 -0.912115 -0.863498 +! 3 6.780000 -0.905501 -0.856457 +! 3 6.760000 -0.898802 -0.849328 +! 3 6.740000 -0.892018 -0.842110 +! 3 6.720000 -0.885147 -0.834801 +! 3 6.700000 -0.878189 -0.827403 +! 3 6.680000 -0.871141 -0.819912 +! 3 6.660000 -0.864004 -0.812328 +! 3 6.640000 -0.856776 -0.804651 +! 3 6.620000 -0.849455 -0.796879 +! 3 6.600000 -0.842042 -0.789011 +! 3 6.580000 -0.834535 -0.781048 +! 3 6.560000 -0.826932 -0.772987 +! 3 6.540000 -0.819234 -0.764828 +! 3 6.520000 -0.811438 -0.756571 +! 3 6.500000 -0.803544 -0.748214 +! 3 6.480000 -0.795552 -0.739758 +! 3 6.460000 -0.787460 -0.731201 +! 3 6.440000 -0.779267 -0.722542 +! 3 6.420000 -0.770973 -0.713782 +! 3 6.400000 -0.762576 -0.704919 +! 3 6.380000 -0.754076 -0.695954 +! 3 6.360000 -0.745473 -0.686886 +! 3 6.340000 -0.736765 -0.677714 +! 3 6.320000 -0.727952 -0.668439 +! 3 6.300000 -0.719033 -0.659059 +! 3 6.280000 -0.710008 -0.649576 +! 3 6.260000 -0.700877 -0.639988 +! 3 6.240000 -0.691638 -0.630296 +! 3 6.220000 -0.682292 -0.620500 +! 3 6.200000 -0.672837 -0.610600 +! 3 6.180000 -0.663275 -0.600597 +! 3 6.160000 -0.653605 -0.590490 +! 3 6.140000 -0.643826 -0.580280 +! 3 6.120000 -0.633939 -0.569968 +! 3 6.100000 -0.623944 -0.559554 +! 3 6.080000 -0.613841 -0.549039 +! 3 6.060000 -0.603630 -0.538423 +! 3 6.040000 -0.593312 -0.527709 +! 3 6.020000 -0.582886 -0.516896 +! 3 6.000000 -0.572355 -0.505985 +! 3 5.980000 -0.561717 -0.494979 +! 3 5.960000 -0.550975 -0.483878 +! 3 5.940000 -0.540128 -0.472684 +! 3 5.920000 -0.529178 -0.461398 +! 3 5.900000 -0.518126 -0.450023 +! 3 5.880000 -0.506974 -0.438559 +! 3 5.860000 -0.495722 -0.427010 +! 3 5.840000 -0.484372 -0.415376 +! 3 5.820000 -0.472925 -0.403661 +! 3 5.800000 -0.461384 -0.391866 +! 3 5.780000 -0.449750 -0.379994 +! 3 5.760000 -0.438025 -0.368048 +! 3 5.740000 -0.426212 -0.356030 +! 3 5.720000 -0.414312 -0.343942 +! 3 5.700000 -0.402327 -0.331789 +! 3 5.680000 -0.390262 -0.319572 +! 3 5.660000 -0.378117 -0.307295 +! 3 5.640000 -0.365896 -0.294962 +! 3 5.620000 -0.353601 -0.282575 +! 3 5.600000 -0.341236 -0.270137 +! 3 5.580000 -0.328804 -0.257653 +! 3 5.560000 -0.316308 -0.245126 +! 3 5.540000 -0.303752 -0.232560 +! 3 5.520000 -0.291138 -0.219957 +! 3 5.500000 -0.278470 -0.207323 +! 3 5.480000 -0.265753 -0.194661 +! 3 5.460000 -0.252989 -0.181975 +! 3 5.440000 -0.240183 -0.169268 +! 3 5.420000 -0.227339 -0.156545 +! 3 5.400000 -0.214460 -0.143810 +! 3 5.380000 -0.201551 -0.131067 +! 3 5.360000 -0.188616 -0.118320 +! 3 5.340000 -0.175658 -0.105573 +! 3 5.320000 -0.162683 -0.092830 +! 3 5.300000 -0.149694 -0.080095 +! 3 5.280000 -0.136696 -0.067372 +! 3 5.260000 -0.123692 -0.054665 +! 3 5.240000 -0.110688 -0.041979 +! 3 5.220000 -0.097688 -0.029316 +! 3 5.200000 -0.084696 -0.016682 +! 3 5.180000 -0.071716 -0.004079 +! 3 5.160000 -0.058752 0.008487 +! 3 5.140000 -0.045809 0.021015 +! 3 5.120000 -0.032892 0.033499 +! 3 5.100000 -0.020003 0.045936 +! 3 5.080000 -0.007147 0.058324 +! 3 5.060000 0.005671 0.070657 +! 3 5.040000 0.018448 0.082934 +! 3 5.020000 0.031181 0.095151 +! 3 5.000000 0.043864 0.107305 +! 3 4.980000 0.056495 0.119392 +! 3 4.960000 0.069070 0.131410 +! 3 4.940000 0.081585 0.143356 +! 3 4.920000 0.094037 0.155228 +! 3 4.900000 0.106422 0.167022 +! 3 4.880000 0.118739 0.178737 +! 3 4.860000 0.130982 0.190370 +! 3 4.840000 0.143150 0.201919 +! 3 4.820000 0.155240 0.213382 +! 3 4.800000 0.167249 0.224756 +! 3 4.780000 0.179175 0.236041 +! 3 4.760000 0.191014 0.247233 +! 3 4.740000 0.202766 0.258333 +! 3 4.720000 0.214427 0.269337 +! 3 4.700000 0.225995 0.280246 +! 3 4.680000 0.237470 0.291057 +! 3 4.660000 0.248848 0.301769 +! 3 4.640000 0.260128 0.312382 +! 3 4.620000 0.271309 0.322895 +! 3 4.600000 0.282390 0.333306 +! 3 4.580000 0.293369 0.343615 +! 3 4.560000 0.304244 0.353821 +! 3 4.540000 0.315016 0.363924 +! 3 4.520000 0.325682 0.373924 +! 3 4.500000 0.336243 0.383819 +! 3 4.480000 0.346697 0.393611 +! 3 4.460000 0.357044 0.403298 +! 3 4.440000 0.367283 0.412880 +! 3 4.420000 0.377415 0.422358 +! 3 4.400000 0.387438 0.431732 +! 3 4.380000 0.397352 0.441001 +! 3 4.360000 0.407158 0.450167 +! 3 4.340000 0.416856 0.459228 +! 3 4.320000 0.426445 0.468186 +! 3 4.300000 0.435925 0.477041 +! 3 4.280000 0.445297 0.485794 +! 3 4.260000 0.454561 0.494444 +! 3 4.240000 0.463718 0.502993 +! 3 4.220000 0.472767 0.511441 +! 3 4.200000 0.481709 0.519788 +! 3 4.180000 0.490545 0.528036 +! 3 4.160000 0.499276 0.536185 +! 3 4.140000 0.507901 0.544235 +! 3 4.120000 0.516422 0.552188 +! 3 4.100000 0.524840 0.560045 +! 3 4.080000 0.533154 0.567805 +! 3 4.060000 0.541366 0.575471 +! 3 4.040000 0.549477 0.583043 +! 3 4.020000 0.557487 0.590521 +! 3 4.000000 0.565398 0.597907 +! 3 3.980000 0.573210 0.605202 +! 3 3.960000 0.580925 0.612406 +! 3 3.940000 0.588542 0.619521 +! 3 3.920000 0.596064 0.626548 +! 3 3.900000 0.603491 0.633487 +! 3 3.880000 0.610824 0.640340 +! 3 3.860000 0.618064 0.647107 +! 3 3.840000 0.625213 0.653790 +! 3 3.820000 0.632271 0.660389 +! 3 3.800000 0.639239 0.666906 +! 3 3.780000 0.646119 0.673342 +! 3 3.760000 0.652911 0.679697 +! 3 3.740000 0.659617 0.685973 +! 3 3.720000 0.666238 0.692170 +! 3 3.700000 0.672774 0.698291 +! 3 3.680000 0.679227 0.704335 +! 3 3.660000 0.685598 0.710303 +! 3 3.640000 0.691888 0.716197 +! 3 3.620000 0.698097 0.722018 +! 3 3.600000 0.704229 0.727767 +! 3 3.580000 0.710282 0.733444 +! 3 3.560000 0.716258 0.739051 +! 3 3.540000 0.722159 0.744589 +! 3 3.520000 0.727985 0.750058 +! 3 3.500000 0.733738 0.755460 +! 3 3.480000 0.739418 0.760795 +! 3 3.460000 0.745026 0.766065 +! 3 3.440000 0.750564 0.771271 +! 3 3.420000 0.756032 0.776412 +! 3 3.400000 0.761432 0.781491 +! 3 3.380000 0.766765 0.786508 +! 3 3.360000 0.772030 0.791464 +! 3 3.340000 0.777231 0.796359 +! 3 3.320000 0.782367 0.801196 +! 3 3.300000 0.787439 0.805974 +! 3 3.280000 0.792448 0.810695 +! 3 3.260000 0.797396 0.815359 +! 3 3.240000 0.802282 0.819967 +! 3 3.220000 0.807109 0.824521 +! 3 3.200000 0.811877 0.829020 +! 3 3.180000 0.816587 0.833466 +! 3 3.160000 0.821239 0.837859 +! 3 3.140000 0.825835 0.842200 +! 3 3.120000 0.830375 0.846490 +! 3 3.100000 0.834861 0.850730 +! 3 3.080000 0.839292 0.854920 +! 3 3.060000 0.843671 0.859062 +! 3 3.040000 0.847997 0.863155 +! 3 3.020000 0.852272 0.867201 +! 3 3.000000 0.856495 0.871201 +! 3 2.980000 0.860669 0.875154 +! 3 2.960000 0.864794 0.879062 +! 3 2.940000 0.868870 0.882926 +! 3 2.920000 0.872899 0.886745 +! 3 2.900000 0.876880 0.890521 +! 3 2.880000 0.880815 0.894254 +! 3 2.860000 0.884705 0.897946 +! 3 2.840000 0.888550 0.901596 +! 3 2.820000 0.892350 0.905205 +! 3 2.800000 0.896107 0.908774 +! 3 2.780000 0.899820 0.912303 +! 3 2.760000 0.903492 0.915793 +! 3 2.740000 0.907122 0.919245 +! 3 2.720000 0.910711 0.922658 +! 3 2.700000 0.914259 0.926035 +! 3 2.680000 0.917768 0.929374 +! 3 2.660000 0.921237 0.932677 +! 3 2.640000 0.924668 0.935945 +! 3 2.620000 0.928061 0.939177 +! 3 2.600000 0.931416 0.942375 +! 3 2.580000 0.934734 0.945538 +! 3 2.560000 0.938016 0.948668 +! 3 2.540000 0.941262 0.951764 +! 3 2.520000 0.944473 0.954828 +! 3 2.500000 0.947649 0.957859 +! 3 2.480000 0.950790 0.960859 +! 3 2.460000 0.953898 0.963827 +! 3 2.440000 0.956973 0.966764 +! 3 2.420000 0.960015 0.969670 +! 3 2.400000 0.963024 0.972547 +! 3 2.380000 0.966001 0.975394 +! 3 2.360000 0.968948 0.978212 +! 3 2.340000 0.971863 0.981001 +! 3 2.320000 0.974747 0.983762 +! 3 2.300000 0.977602 0.986494 +! 3 2.280000 0.980427 0.989199 +! 3 2.260000 0.983223 0.991877 +! 3 2.240000 0.985990 0.994528 +! 3 2.220000 0.988728 0.997153 +! 3 2.200000 0.991439 0.999751 +! 3 2.180000 0.994122 1.002324 +! 3 2.160000 0.996778 1.004871 +! 3 2.140000 0.999407 1.007393 +! 3 2.120000 1.002009 1.009891 +! 3 2.100000 1.004586 1.012364 +! 3 2.080000 1.007137 1.014813 +! 3 2.060000 1.009662 1.017239 +! 3 2.040000 1.012163 1.019641 +! 3 2.020000 1.014639 1.022020 +! 3 2.000000 1.017090 1.024376 +! 3 1.980000 1.019518 1.026710 +! 3 1.960000 1.021922 1.029022 +! 3 1.940000 1.024303 1.031312 +! 3 1.920000 1.026660 1.033580 +! 3 1.900000 1.028995 1.035827 +! 3 1.880000 1.031308 1.038053 +! 3 1.860000 1.033598 1.040259 +! 3 1.840000 1.035867 1.042444 +! 3 1.820000 1.038114 1.044608 +! 3 1.800000 1.040340 1.046753 +! 3 1.780000 1.042546 1.048879 +! 3 1.760000 1.044730 1.050984 +! 3 1.740000 1.046894 1.053071 +! 3 1.720000 1.049039 1.055139 +! 3 1.700000 1.051163 1.057188 +! 3 1.680000 1.053268 1.059219 +! 3 1.660000 1.055353 1.061232 +! 3 1.640000 1.057419 1.063226 +! 3 1.620000 1.059467 1.065203 +! 3 1.600000 1.061496 1.067163 +! 3 1.580000 1.063507 1.069105 +! 3 1.560000 1.065499 1.071030 +! 3 1.540000 1.067474 1.072939 +! 3 1.520000 1.069431 1.074830 +! 3 1.500000 1.071371 1.076706 +! 3 1.480000 1.073294 1.078565 +! 3 1.460000 1.075199 1.080408 +! 3 1.440000 1.077088 1.082235 +! 3 1.420000 1.078961 1.084047 +! 3 1.400000 1.080817 1.085843 +! 3 1.380000 1.082657 1.087624 +! 3 1.360000 1.084481 1.089390 +! 3 1.340000 1.086289 1.091142 +! 3 1.320000 1.088082 1.092878 +! 3 1.300000 1.089860 1.094600 +! 3 1.280000 1.091622 1.096308 +! 3 1.260000 1.093369 1.098001 +! 3 1.240000 1.095102 1.099681 +! 3 1.220000 1.096820 1.101346 +! 3 1.200000 1.098524 1.102999 +! 3 1.180000 1.100213 1.104637 +! 3 1.160000 1.101889 1.106262 +! 3 1.140000 1.103550 1.107874 +! 3 1.120000 1.105198 1.109474 +! 3 1.100000 1.106832 1.111060 +! 3 1.080000 1.108453 1.112633 +! 3 1.060000 1.110061 1.114194 +! 3 1.040000 1.111656 1.115743 +! 3 1.020000 1.113237 1.117279 +! 3 1.000000 1.114806 1.118803 +! 3 0.980000 1.116362 1.120315 +! 3 0.960000 1.117906 1.121815 +! 3 0.940000 1.119438 1.123304 +! 3 0.920000 1.120957 1.124781 +! 3 0.900000 1.122464 1.126246 +! 3 0.880000 1.123960 1.127701 +! 3 0.860000 1.125443 1.129144 +! 3 0.840000 1.126915 1.130576 +! 3 0.820000 1.128376 1.131997 +! 3 0.800000 1.129825 1.133407 +! 3 0.780000 1.131263 1.134806 +! 3 0.760000 1.132690 1.136195 +! 3 0.740000 1.134105 1.137573 +! 3 0.720000 1.135510 1.138942 +! 3 0.700000 1.136905 1.140299 +! 3 0.680000 1.138288 1.141647 +! 3 0.660000 1.139662 1.142985 +! 3 0.640000 1.141024 1.144313 +! 3 0.620000 1.142377 1.145631 +! 3 0.600000 1.143719 1.146939 +! 3 0.580000 1.145052 1.148238 +! 3 0.560000 1.146374 1.149527 +! 3 0.540000 1.147687 1.150807 +! 3 0.520000 1.148990 1.152078 +! 3 0.500000 1.150283 1.153339 +! 3 0.480000 1.151567 1.154592 +! 3 0.460000 1.152841 1.155835 +! 3 0.440000 1.154107 1.157069 +! 3 0.420000 1.155363 1.158295 +! 3 0.400000 1.156610 1.159512 +! 3 0.380000 1.157847 1.160721 +! 3 0.360000 1.159076 1.161921 +! 3 0.340000 1.160297 1.163112 +! 3 0.320000 1.161508 1.164295 +! 3 0.300000 1.162711 1.165470 +! 3 0.280000 1.163906 1.166637 +! 3 0.260000 1.165091 1.167796 +! 3 0.240000 1.166269 1.168946 +! 3 0.220000 1.167438 1.170089 +! 3 0.200000 1.168600 1.171224 +! 3 0.180000 1.169753 1.172351 +! 3 0.160000 1.170898 1.173470 +! 3 0.140000 1.172035 1.174582 +! 3 0.120000 1.173164 1.175687 +! 3 0.100000 1.174286 1.176783 +! 3 0.080000 1.175400 1.177873 +! 3 0.060000 1.176506 1.178955 +! 3 0.040000 1.177605 1.180030 +! 3 0.020000 1.178696 1.181098 +! 3 0.000000 1.179780 1.182159 +! 3 -0.020000 1.180857 1.183212 +! 3 -0.040000 1.181926 1.184259 +! 3 -0.060000 1.182988 1.185299 +! 3 -0.080000 1.184044 1.186332 +! 3 -0.100000 1.185092 1.187359 +! 3 -0.120000 1.186133 1.188378 +! 3 -0.140000 1.187167 1.189391 +! 3 -0.160000 1.188195 1.190398 +! 3 -0.180000 1.189216 1.191398 +! 3 -0.200000 1.190230 1.192391 +! 3 -0.220000 1.191238 1.193379 +! 3 -0.240000 1.192239 1.194360 +! 3 -0.260000 1.193233 1.195334 +! 3 -0.280000 1.194221 1.196303 +! 3 -0.300000 1.195203 1.197265 +! 3 -0.320000 1.196179 1.198222 +! 3 -0.340000 1.197148 1.199172 +! 3 -0.360000 1.198111 1.200117 +! 3 -0.380000 1.199068 1.201055 +! 3 -0.400000 1.200019 1.201988 +! 3 -0.420000 1.200964 1.202915 +! 3 -0.440000 1.201903 1.203836 +! 3 -0.460000 1.202836 1.204751 +! 3 -0.480000 1.203763 1.205661 +! 3 -0.500000 1.204685 1.206565 +! 3 -0.520000 1.205601 1.207464 +! 3 -0.540000 1.206511 1.208357 +! 3 -0.560000 1.207415 1.209245 +! 3 -0.580000 1.208314 1.210128 +! 3 -0.600000 1.209208 1.211005 +! 3 -0.620000 1.210096 1.211877 +! 3 -0.640000 1.210978 1.212744 +! 3 -0.660000 1.211855 1.213605 +! 3 -0.680000 1.212727 1.214462 +! 3 -0.700000 1.213594 1.215313 +! 3 -0.720000 1.214456 1.216159 +! 3 -0.740000 1.215312 1.217000 +! 3 -0.760000 1.216163 1.217837 +! 3 -0.780000 1.217009 1.218668 +! 3 -0.800000 1.217850 1.219495 +! 3 -0.820000 1.218686 1.220316 +! 3 -0.840000 1.219517 1.221133 +! 3 -0.860000 1.220344 1.221946 +! 3 -0.880000 1.221165 1.222753 +! 3 -0.900000 1.221982 1.223556 +! 3 -0.920000 1.222794 1.224354 +! 3 -0.940000 1.223601 1.225148 +! 3 -0.960000 1.224403 1.225937 +! 3 -0.980000 1.225201 1.226722 +! 3 -1.000000 1.225994 1.227502 +! 3 -1.020000 1.226783 1.228278 +! 3 -1.040000 1.227567 1.229049 +! 3 -1.060000 1.228347 1.229816 +! 3 -1.080000 1.229122 1.230579 +! 3 -1.100000 1.229893 1.231338 +! 3 -1.120000 1.230659 1.232092 +! 3 -1.140000 1.231421 1.232842 +! 3 -1.160000 1.232179 1.233588 +! 3 -1.180000 1.232933 1.234330 +! 3 -1.200000 1.233682 1.235067 +! 3 -1.220000 1.234427 1.235801 +! 3 -1.240000 1.235168 1.236531 +! 3 -1.260000 1.235905 1.237256 +! 3 -1.280000 1.236638 1.237978 +! 3 -1.300000 1.237367 1.238696 +! 3 -1.320000 1.238092 1.239409 +! 3 -1.340000 1.238813 1.240119 +! 3 -1.360000 1.239530 1.240826 +! 3 -1.380000 1.240243 1.241528 +! 3 -1.400000 1.240952 1.242227 +! 3 -1.420000 1.241657 1.242921 +! 3 -1.440000 1.242358 1.243613 +! 3 -1.460000 1.243056 1.244300 +! 3 -1.480000 1.243750 1.244984 +! 3 -1.500000 1.244440 1.245664 +! 3 -1.520000 1.245127 1.246341 +! 3 -1.540000 1.245810 1.247014 +! 3 -1.560000 1.246489 1.247684 +! 3 -1.580000 1.247165 1.248350 +! 3 -1.600000 1.247837 1.249012 +! 3 -1.620000 1.248505 1.249671 +! 3 -1.640000 1.249170 1.250327 +! 3 -1.660000 1.249832 1.250979 +! 3 -1.680000 1.250490 1.251628 +! 3 -1.700000 1.251144 1.252274 +! 3 -1.720000 1.251796 1.252916 +! 3 -1.740000 1.252444 1.253555 +! 3 -1.760000 1.253088 1.254191 +! 3 -1.780000 1.253729 1.254824 +! 3 -1.800000 1.254367 1.255453 +! 3 -1.820000 1.255002 1.256079 +! 3 -1.840000 1.255633 1.256702 +! 3 -1.860000 1.256261 1.257322 +! 3 -1.880000 1.256886 1.257939 +! 3 -1.900000 1.257508 1.258553 +! 3 -1.920000 1.258127 1.259163 +! 3 -1.940000 1.258742 1.259771 +! 3 -1.960000 1.259355 1.260375 +! 3 -1.980000 1.259964 1.260977 +! 3 -2.000000 1.260571 1.261575 +! 3 -2.020000 1.261174 1.262171 +! 3 -2.040000 1.261774 1.262764 +! 3 -2.060000 1.262372 1.263354 +! 3 -2.080000 1.262966 1.263940 +! 3 -2.100000 1.263557 1.264525 +! 3 -2.120000 1.264146 1.265106 +! 3 -2.140000 1.264732 1.265684 +! 3 -2.160000 1.265314 1.266260 +! 3 -2.180000 1.265894 1.266833 +! 3 -2.200000 1.266471 1.267403 +! 3 -2.220000 1.267046 1.267970 +! 3 -2.240000 1.267617 1.268535 +! 3 -2.260000 1.268186 1.269097 +! 3 -2.280000 1.268752 1.269656 +! 3 -2.300000 1.269315 1.270212 +! 3 -2.320000 1.269876 1.270766 +! 3 -2.340000 1.270434 1.271318 +! 3 -2.360000 1.270989 1.271866 +! 3 -2.380000 1.271542 1.272413 +! 3 -2.400000 1.272092 1.272956 +! 3 -2.420000 1.272639 1.273497 +! 3 -2.440000 1.273184 1.274036 +! 3 -2.460000 1.273726 1.274572 +! 3 -2.480000 1.274266 1.275105 +! 3 -2.500000 1.274803 1.275636 +! 3 -2.520000 1.275338 1.276165 +! 3 -2.540000 1.275870 1.276691 +! 3 -2.560000 1.276400 1.277215 +! 3 -2.580000 1.276927 1.277736 +! 3 -2.600000 1.277452 1.278255 +! 3 -2.620000 1.277974 1.278772 +! 3 -2.640000 1.278494 1.279286 +! 3 -2.660000 1.279011 1.279798 +! 3 -2.680000 1.279527 1.280307 +! 3 -2.700000 1.280039 1.280815 +! 3 -2.720000 1.280550 1.281320 +! 3 -2.740000 1.281058 1.281822 +! 3 -2.760000 1.281564 1.282323 +! 3 -2.780000 1.282068 1.282821 +! 3 -2.800000 1.282569 1.283317 +! 3 -2.820000 1.283068 1.283811 +! 3 -2.840000 1.283565 1.284302 +! 3 -2.860000 1.284059 1.284792 +! 3 -2.880000 1.284552 1.285279 +! 3 -2.900000 1.285042 1.285764 +! 3 -2.920000 1.285530 1.286247 +! 3 -2.940000 1.286016 1.286728 +! 3 -2.960000 1.286500 1.287207 +! 3 -2.980000 1.286981 1.287683 +! 3 -3.000000 1.287461 1.288158 +! 3 -3.020000 1.287938 1.288631 +! 3 -3.040000 1.288413 1.289101 +! 3 -3.060000 1.288886 1.289569 +! 3 -3.080000 1.289357 1.290036 +! 3 -3.100000 1.289826 1.290500 +! 3 -3.120000 1.290293 1.290963 +! 3 -3.140000 1.290758 1.291423 +! 3 -3.160000 1.291221 1.291882 +! 3 -3.180000 1.291682 1.292338 +! 3 -3.200000 1.292141 1.292793 +! 3 -3.220000 1.292599 1.293245 +! 3 -3.240000 1.293054 1.293696 +! 3 -3.260000 1.293507 1.294145 +! 3 -3.280000 1.293958 1.294592 +! 3 -3.300000 1.294407 1.295037 +! 3 -3.320000 1.294855 1.295480 +! 3 -3.340000 1.295300 1.295921 +! 3 -3.360000 1.295744 1.296361 +! 3 -3.380000 1.296185 1.296798 +! 3 -3.400000 1.296625 1.297234 +! 3 -3.420000 1.297063 1.297668 +! 3 -3.440000 1.297500 1.298100 +! 3 -3.460000 1.297934 1.298531 +! 3 -3.480000 1.298367 1.298959 +! 3 -3.500000 1.298797 1.299386 +! 3 -3.520000 1.299226 1.299811 +! 3 -3.540000 1.299654 1.300235 +! 3 -3.560000 1.300079 1.300656 +! 3 -3.580000 1.300503 1.301076 +! 3 -3.600000 1.300925 1.301495 +! 3 -3.620000 1.301345 1.301911 +! 3 -3.640000 1.301764 1.302326 +! 3 -3.660000 1.302180 1.302739 +! 3 -3.680000 1.302596 1.303151 +! 3 -3.700000 1.303009 1.303561 +! 3 -3.720000 1.303421 1.303969 +! 3 -3.740000 1.303831 1.304375 +! 3 -3.760000 1.304239 1.304780 +! 3 -3.780000 1.304646 1.305184 +! 3 -3.800000 1.305051 1.305585 +! 3 -3.820000 1.305455 1.305986 +! 3 -3.840000 1.305857 1.306384 +! 3 -3.860000 1.306257 1.306781 +! 3 -3.880000 1.306656 1.307177 +! 3 -3.900000 1.307053 1.307570 +! 3 -3.920000 1.307449 1.307963 +! 3 -3.940000 1.307843 1.308354 +! 3 -3.960000 1.308235 1.308743 +! 3 -3.980000 1.308626 1.309131 +! 3 -4.000000 1.309016 1.309517 +! 3 -4.020000 1.309403 1.309901 +! 3 -4.040000 1.309790 1.310285 +! 3 -4.060000 1.310175 1.310666 +! 3 -4.080000 1.310558 1.311047 +! 3 -4.100000 1.310940 1.311426 +! 3 -4.120000 1.311320 1.311803 +! 3 -4.140000 1.311699 1.312179 +! 3 -4.160000 1.312077 1.312553 +! 3 -4.180000 1.312453 1.312926 +! 3 -4.200000 1.312827 1.313298 +! 3 -4.220000 1.313200 1.313668 +! 3 -4.240000 1.313572 1.314037 +! 3 -4.260000 1.313942 1.314405 +! 3 -4.280000 1.314311 1.314771 +! 3 -4.300000 1.314679 1.315135 +! 3 -4.320000 1.315045 1.315499 +! 3 -4.340000 1.315409 1.315861 +! 3 -4.360000 1.315773 1.316221 +! 3 -4.380000 1.316135 1.316580 +! 3 -4.400000 1.316495 1.316938 +! 3 -4.420000 1.316855 1.317295 +! 3 -4.440000 1.317212 1.317650 +! 3 -4.460000 1.317569 1.318004 +! 3 -4.480000 1.317924 1.318357 +! 3 -4.500000 1.318278 1.318708 +! 3 -4.520000 1.318631 1.319058 +! 3 -4.540000 1.318982 1.319407 +! 3 -4.560000 1.319332 1.319754 +! 3 -4.580000 1.319681 1.320100 +! 3 -4.600000 1.320028 1.320445 +! 3 -4.620000 1.320374 1.320789 +! 3 -4.640000 1.320719 1.321131 +! 3 -4.660000 1.321063 1.321472 +! 3 -4.680000 1.321405 1.321812 +! 3 -4.700000 1.321746 1.322151 +! 3 -4.720000 1.322086 1.322488 +! 3 -4.740000 1.322425 1.322825 +! 3 -4.760000 1.322762 1.323160 +! 3 -4.780000 1.323098 1.323494 +! 3 -4.800000 1.323433 1.323826 +! 3 -4.820000 1.323767 1.324158 +! 3 -4.840000 1.324099 1.324488 +! 3 -4.860000 1.324431 1.324817 +! 3 -4.880000 1.324761 1.325145 +! 3 -4.900000 1.325090 1.325472 +! 3 -4.920000 1.325418 1.325798 +! 3 -4.940000 1.325745 1.326122 +! 3 -4.960000 1.326070 1.326445 +! 3 -4.980000 1.326394 1.326768 +! 3 -5.000000 1.326718 1.327089 +! 3 -5.020000 1.327040 1.327409 +! 3 -5.040000 1.327361 1.327727 +! 3 -5.060000 1.327680 1.328045 +! 3 -5.080000 1.327999 1.328362 +! 3 -5.100000 1.328317 1.328677 +! 3 -5.120000 1.328633 1.328992 +! 3 -5.140000 1.328949 1.329305 +! 3 -5.160000 1.329263 1.329617 +! 3 -5.180000 1.329576 1.329929 +! 3 -5.200000 1.329888 1.330239 +! 3 -5.220000 1.330199 1.330548 +! 3 -5.240000 1.330509 1.330856 +! 3 -5.260000 1.330818 1.331163 +! 3 -5.280000 1.331126 1.331468 +! 3 -5.300000 1.331432 1.331773 +! 3 -5.320000 1.331738 1.332077 +! 3 -5.340000 1.332043 1.332380 +! 3 -5.360000 1.332346 1.332682 +! 3 -5.380000 1.332649 1.332982 +! 3 -5.400000 1.332951 1.333282 +! 3 -5.420000 1.333251 1.333581 +! 3 -5.440000 1.333551 1.333879 +! 3 -5.460000 1.333849 1.334175 +! 3 -5.480000 1.334147 1.334471 +! 3 -5.500000 1.334443 1.334766 +! 3 -5.520000 1.334739 1.335059 +! 3 -5.540000 1.335033 1.335352 +! 3 -5.560000 1.335327 1.335644 +! 3 -5.580000 1.335619 1.335935 +! 3 -5.600000 1.335911 1.336225 +! 3 -5.620000 1.336201 1.336514 +! 3 -5.640000 1.336491 1.336802 +! 3 -5.660000 1.336780 1.337089 +! 3 -5.680000 1.337067 1.337375 +! 3 -5.700000 1.337354 1.337660 +! 3 -5.720000 1.337640 1.337944 +! 3 -5.740000 1.337925 1.338227 +! 3 -5.760000 1.338209 1.338510 +! 3 -5.780000 1.338492 1.338791 +! 3 -5.800000 1.338774 1.339071 +! 3 -5.820000 1.339055 1.339351 +! 3 -5.840000 1.339335 1.339630 +! 3 -5.860000 1.339615 1.339908 +! 3 -5.880000 1.339893 1.340184 +! 3 -5.900000 1.340171 1.340460 +! 3 -5.920000 1.340447 1.340736 +! 3 -5.940000 1.340723 1.341010 +! 3 -5.960000 1.340998 1.341283 +! 3 -5.980000 1.341272 1.341556 +! 3 -6.000000 1.341545 1.341827 +! 3 -6.020000 1.341817 1.342098 +! 3 -6.040000 1.342089 1.342368 +! 3 -6.060000 1.342359 1.342637 +! 3 -6.080000 1.342629 1.342905 +! 3 -6.100000 1.342897 1.343173 +! 3 -6.120000 1.343165 1.343439 +! 3 -6.140000 1.343432 1.343705 +! 3 -6.160000 1.343699 1.343969 +! 3 -6.180000 1.343964 1.344233 +! 3 -6.200000 1.344229 1.344497 +! 3 -6.220000 1.344492 1.344759 +! 3 -6.240000 1.344755 1.345021 +! 3 -6.260000 1.345017 1.345281 +! 3 -6.280000 1.345278 1.345541 +! 3 -6.300000 1.345539 1.345800 +! 3 -6.320000 1.345799 1.346059 +! 3 -6.340000 1.346057 1.346316 +! 3 -6.360000 1.346315 1.346573 +! 3 -6.380000 1.346573 1.346829 +! 3 -6.400000 1.346829 1.347084 +! 3 -6.420000 1.347085 1.347338 +! 3 -6.440000 1.347339 1.347592 +! 3 -6.460000 1.347593 1.347844 +! 3 -6.480000 1.347847 1.348096 +! 3 -6.500000 1.348099 1.348348 +! 3 -6.520000 1.348351 1.348598 +! 3 -6.540000 1.348602 1.348848 +! 3 -6.560000 1.348852 1.349097 +! 3 -6.580000 1.349101 1.349345 +! 3 -6.600000 1.349350 1.349592 +! 3 -6.620000 1.349598 1.349839 +! 3 -6.640000 1.349845 1.350085 +! 3 -6.660000 1.350091 1.350330 +! 3 -6.680000 1.350337 1.350575 +! 3 -6.700000 1.350582 1.350819 +! 3 -6.720000 1.350826 1.351062 +! 3 -6.740000 1.351070 1.351304 +! 3 -6.760000 1.351312 1.351546 +! 3 -6.780000 1.351554 1.351786 +! 3 -6.800000 1.351796 1.352027 +! 3 -6.820000 1.352036 1.352266 +! 3 -6.840000 1.352276 1.352505 +! 3 -6.860000 1.352515 1.352743 +! 3 -6.880000 1.352754 1.352980 +! 3 -6.900000 1.352991 1.353217 +! 3 -6.920000 1.353228 1.353453 +! 3 -6.940000 1.353465 1.353688 +! 3 -6.960000 1.353700 1.353922 +! 3 -6.980000 1.353935 1.354156 +! 3 -7.000000 1.354169 1.354389 +! 3 -7.020000 1.354403 1.354622 +! 3 -7.040000 1.354636 1.354854 +! 3 -7.060000 1.354868 1.355085 +! 3 -7.080000 1.355099 1.355315 +! 3 -7.100000 1.355330 1.355545 +! 3 -7.120000 1.355560 1.355774 +! 3 -7.140000 1.355790 1.356003 +! 3 -7.160000 1.356019 1.356231 +! 3 -7.180000 1.356247 1.356458 +! 3 -7.200000 1.356474 1.356684 +! 3 -7.220000 1.356701 1.356910 +! 3 -7.240000 1.356927 1.357135 +! 3 -7.260000 1.357153 1.357360 +! 3 -7.280000 1.357378 1.357584 +! 3 -7.300000 1.357602 1.357807 +! 3 -7.320000 1.357826 1.358030 +! 3 -7.340000 1.358048 1.358252 +! 3 -7.360000 1.358271 1.358473 +! 3 -7.380000 1.358493 1.358694 +! 3 -7.400000 1.358714 1.358914 +! 3 -7.420000 1.358934 1.359134 +! 3 -7.440000 1.359154 1.359353 +! 3 -7.460000 1.359373 1.359571 +! 3 -7.480000 1.359592 1.359789 +! 3 -7.500000 1.359810 1.360006 +! 3 -7.520000 1.360027 1.360222 +! 3 -7.540000 1.360244 1.360438 +! 3 -7.560000 1.360460 1.360653 +! 3 -7.580000 1.360675 1.360868 +! 3 -7.600000 1.360890 1.361082 +! 3 -7.620000 1.361105 1.361295 +! 3 -7.640000 1.361318 1.361508 +! 3 -7.660000 1.361531 1.361721 +! 3 -7.680000 1.361744 1.361932 +! 3 -7.700000 1.361956 1.362143 +! 3 -7.720000 1.362167 1.362354 +! 3 -7.740000 1.362378 1.362564 +! 3 -7.760000 1.362588 1.362773 +! 3 -7.780000 1.362798 1.362982 +! 3 -7.800000 1.363007 1.363190 +! 3 -7.820000 1.363215 1.363398 +! 3 -7.840000 1.363423 1.363605 +! 3 -7.860000 1.363631 1.363812 +! 3 -7.880000 1.363837 1.364018 +! 3 -7.900000 1.364044 1.364223 +! 3 -7.920000 1.364249 1.364428 +! 3 -7.940000 1.364454 1.364632 +! 3 -7.960000 1.364659 1.364836 +! 3 -7.980000 1.364863 1.365039 +! 3 -8.000000 1.365066 1.365242 +! 3 -8.020000 1.365269 1.365444 +! 3 -8.040000 1.365472 1.365646 +! 3 -8.060000 1.365673 1.365847 +! 3 -8.080000 1.365875 1.366047 +! 3 -8.100000 1.366075 1.366247 +! 3 -8.120000 1.366275 1.366447 +! 3 -8.140000 1.366475 1.366646 +! 3 -8.160000 1.366674 1.366844 +! 3 -8.180000 1.366873 1.367042 +! 3 -8.200000 1.367071 1.367239 +! 3 -8.220000 1.367268 1.367436 +! 3 -8.240000 1.367465 1.367632 +! 3 -8.260000 1.367662 1.367828 +! 3 -8.280000 1.367858 1.368023 +! 3 -8.300000 1.368053 1.368218 +! 3 -8.320000 1.368248 1.368412 +! 3 -8.340000 1.368442 1.368606 +! 3 -8.360000 1.368636 1.368799 +! 3 -8.380000 1.368830 1.368992 +! 3 -8.400000 1.369023 1.369184 +! 3 -8.420000 1.369215 1.369376 +! 3 -8.440000 1.369407 1.369567 +! 3 -8.460000 1.369598 1.369758 +! 3 -8.480000 1.369789 1.369948 +! 3 -8.500000 1.369979 1.370138 +! 3 -8.520000 1.370169 1.370327 +! 3 -8.540000 1.370359 1.370516 +! 3 -8.560000 1.370548 1.370704 +! 3 -8.580000 1.370736 1.370892 +! 3 -8.600000 1.370924 1.371079 +! 3 -8.620000 1.371111 1.371266 +! 3 -8.640000 1.371298 1.371452 +! 3 -8.660000 1.371485 1.371638 +! 3 -8.680000 1.371671 1.371823 +! 3 -8.700000 1.371856 1.372008 +! 3 -8.720000 1.372041 1.372193 +! 3 -8.740000 1.372226 1.372377 +! 3 -8.760000 1.372410 1.372560 +! 3 -8.780000 1.372594 1.372743 +! 3 -8.800000 1.372777 1.372926 +! 3 -8.820000 1.372960 1.373108 +! 3 -8.840000 1.373142 1.373290 +! 3 -8.860000 1.373324 1.373471 +! 3 -8.880000 1.373505 1.373652 +! 3 -8.900000 1.373686 1.373832 +! 3 -8.920000 1.373866 1.374012 +! 3 -8.940000 1.374046 1.374191 +! 3 -8.960000 1.374226 1.374370 +! 3 -8.980000 1.374405 1.374549 +! 3 -9.000000 1.374583 1.374727 +! 3 -9.020000 1.374761 1.374904 +! 3 -9.040000 1.374939 1.375081 +! 3 -9.060000 1.375116 1.375258 +! 3 -9.080000 1.375293 1.375434 +! 3 -9.100000 1.375470 1.375610 +! 3 -9.120000 1.375645 1.375786 +! 3 -9.140000 1.375821 1.375961 +! 3 -9.160000 1.375996 1.376135 +! 3 -9.180000 1.376171 1.376309 +! 3 -9.200000 1.376345 1.376483 +! 3 -9.220000 1.376519 1.376656 +! 3 -9.240000 1.376692 1.376829 +! 3 -9.260000 1.376865 1.377001 +! 3 -9.280000 1.377037 1.377173 +! 3 -9.300000 1.377210 1.377345 +! 3 -9.320000 1.377381 1.377516 +! 3 -9.340000 1.377552 1.377687 +! 3 -9.360000 1.377723 1.377857 +! 3 -9.380000 1.377894 1.378027 +! 3 -9.400000 1.378064 1.378197 +! 3 -9.420000 1.378233 1.378366 +! 3 -9.440000 1.378402 1.378534 +! 3 -9.460000 1.378571 1.378703 +! 3 -9.480000 1.378740 1.378871 +! 3 -9.500000 1.378907 1.379038 +! 3 -9.520000 1.379075 1.379205 +! 3 -9.540000 1.379242 1.379372 +! 3 -9.560000 1.379409 1.379538 +! 3 -9.580000 1.379575 1.379704 +! 3 -9.600000 1.379741 1.379869 +! 3 -9.620000 1.379907 1.380034 +! 3 -9.640000 1.380072 1.380199 +! 3 -9.660000 1.380237 1.380363 +! 3 -9.680000 1.380401 1.380527 +! 3 -9.700000 1.380565 1.380691 +! 3 -9.720000 1.380729 1.380854 +! 3 -9.740000 1.380892 1.381017 +! 3 -9.760000 1.381054 1.381179 +! 3 -9.780000 1.381217 1.381341 +! 3 -9.800000 1.381379 1.381503 +! 3 -9.820000 1.381541 1.381664 +! 3 -9.840000 1.381702 1.381825 +! 3 -9.860000 1.381863 1.381985 +! 3 -9.880000 1.382023 1.382145 +! 3 -9.900000 1.382183 1.382305 +! 3 -9.920000 1.382343 1.382464 +! 3 -9.940000 1.382503 1.382623 +! 3 -9.960000 1.382662 1.382782 +! 3 -9.980000 1.382820 1.382940 +! 3 -10.000000 1.382978 1.383098 +! 3 -10.020000 1.383136 1.383255 +! 3 -10.040000 1.383294 1.383413 +! 3 -10.060000 1.383451 1.383569 +! 3 -10.080000 1.383608 1.383726 +! 3 -10.100000 1.383764 1.383882 +! 3 -10.120000 1.383920 1.384037 +! 3 -10.140000 1.384076 1.384193 +! 3 -10.160000 1.384231 1.384348 +! 3 -10.180000 1.384386 1.384502 +! 3 -10.200000 1.384541 1.384657 +! 3 -10.220000 1.384695 1.384811 +! 3 -10.240000 1.384849 1.384964 +! 3 -10.260000 1.385003 1.385117 +! 3 -10.280000 1.385156 1.385270 +! 3 -10.300000 1.385309 1.385423 +! 3 -10.320000 1.385462 1.385575 +! 3 -10.340000 1.385614 1.385727 +! 3 -10.360000 1.385766 1.385878 +! 3 -10.380000 1.385917 1.386029 +! 3 -10.400000 1.386068 1.386180 +! 3 -10.420000 1.386219 1.386331 +! 3 -10.440000 1.386370 1.386481 +! 3 -10.460000 1.386520 1.386630 +! 3 -10.480000 1.386670 1.386780 +! 3 -10.500000 1.386819 1.386929 +! 3 -10.520000 1.386968 1.387078 +! 3 -10.540000 1.387117 1.387226 +! 3 -10.560000 1.387265 1.387374 +! 3 -10.580000 1.387413 1.387522 +! 3 -10.600000 1.387561 1.387669 +! 3 -10.620000 1.387709 1.387817 +! 3 -10.640000 1.387856 1.387963 +! 3 -10.660000 1.388003 1.388110 +! 3 -10.680000 1.388149 1.388256 +! 3 -10.700000 1.388295 1.388402 +! 3 -10.720000 1.388441 1.388547 +! 3 -10.740000 1.388587 1.388692 +! 3 -10.760000 1.388732 1.388837 +! 3 -10.780000 1.388877 1.388982 +! 3 -10.800000 1.389021 1.389126 +! 3 -10.820000 1.389165 1.389270 +! 3 -10.840000 1.389309 1.389413 +! 3 -10.860000 1.389453 1.389557 +! 3 -10.880000 1.389596 1.389700 +! 3 -10.900000 1.389739 1.389842 +! 3 -10.920000 1.389882 1.389985 +! 3 -10.940000 1.390024 1.390127 +! 3 -10.960000 1.390166 1.390268 +! 3 -10.980000 1.390308 1.390410 +! 3 -11.000000 1.390449 1.390551 +! 3 -11.020000 1.390590 1.390692 +! 3 -11.040000 1.390731 1.390832 +! 3 -11.060000 1.390872 1.390972 +! 3 -11.080000 1.391012 1.391112 +! 3 -11.100000 1.391152 1.391252 +! 3 -11.120000 1.391291 1.391391 +! 3 -11.140000 1.391431 1.391530 +! 3 -11.160000 1.391570 1.391669 +! 3 -11.180000 1.391708 1.391807 +! 3 -11.200000 1.391847 1.391945 +! 3 -11.220000 1.391985 1.392083 +! 3 -11.240000 1.392122 1.392220 +! 3 -11.260000 1.392260 1.392358 +! 3 -11.280000 1.392397 1.392495 +! 3 -11.300000 1.392534 1.392631 +! 3 -11.320000 1.392671 1.392768 +! 3 -11.340000 1.392807 1.392904 +! 3 -11.360000 1.392943 1.393039 +! 3 -11.380000 1.393079 1.393175 +! 3 -11.400000 1.393214 1.393310 +! 3 -11.420000 1.393349 1.393445 +! 3 -11.440000 1.393484 1.393579 +! 3 -11.460000 1.393619 1.393714 +! 3 -11.480000 1.393753 1.393848 +! 3 -11.500000 1.393887 1.393982 +! 3 -11.520000 1.394021 1.394115 +! 3 -11.540000 1.394154 1.394248 +! 3 -11.560000 1.394287 1.394381 +! 3 -11.580000 1.394420 1.394514 +! 3 -11.600000 1.394553 1.394646 +! 3 -11.620000 1.394685 1.394778 +! 3 -11.640000 1.394817 1.394910 +! 3 -11.660000 1.394949 1.395042 +! 3 -11.680000 1.395081 1.395173 +! 3 -11.700000 1.395212 1.395304 +! 3 -11.720000 1.395343 1.395435 +! 3 -11.740000 1.395474 1.395565 +! 3 -11.760000 1.395604 1.395695 +! 3 -11.780000 1.395734 1.395825 +! 3 -11.800000 1.395864 1.395955 +! 3 -11.820000 1.395994 1.396084 +! 3 -11.840000 1.396123 1.396213 +! 3 -11.860000 1.396252 1.396342 +! 3 -11.880000 1.396381 1.396471 +! 3 -11.900000 1.396510 1.396599 +! 3 -11.920000 1.396638 1.396727 +! 3 -11.940000 1.396766 1.396855 +! 3 -11.960000 1.396894 1.396982 +! 3 -11.980000 1.397021 1.397110 +GNUSCRIPT +set term wxt font "arial,14" size 800,600 + +set termoption dash + +set termoption noenhanced + +set style line 1 lw 3 lt 1 lc rgb "#D00000" + +set style line 2 lw 3 lt 1 lc rgb "#00B000" + +set style line 3 lw 3 lt 1 lc rgb "#2020FF" + +set style line 4 lw 3 lt 1 lc rgb "#FF8000" + +set style line 5 lw 3 lt 1 lc rgb "#E000E0" + +set style line 6 lw 3 lt 1 lc rgb "#303030" + +set style line 7 lw 3 lt 2 lc rgb "#D00000" + +set style line 8 lw 3 lt 2 lc rgb "#00B000" + +set style line 9 lw 3 lt 2 lc rgb "#2020FF" + +set style line 10 lw 3 lt 2 lc rgb "#FF8000" + +set style line 11 lw 3 lt 2 lc rgb "#E000E0" + +set style line 12 lw 3 lt 2 lc rgb "#303030" + +set title "t2 Semi-Local Ion Pseudopotentials" + +set xlabel "Radius (a_B)" + +plot " +# +#ONCVPSP (Optimized Norm-Conservinng Vanderbilt PSeudopotential) +#scalar-relativistic version 4.0.1 0r/27/2018 +# +#While it is not required under the terms of the GNU GPL, it is +#suggested that you cite D. R. Hamann, Phys. Rev. B 88, 085117 (2013) +#in any publication utilizing these pseudopotentials. +# +# ATOM AND REFERENCE CONFIGURATION +# atsym z nc nv iexc psfile + O 8.00 1 2 -106131 both +# +# n l f + 1 0 2.00 + 2 0 2.00 + 2 1 4.00 +# +# PSEUDOPOTENTIAL AND OPTIMIZATION +# lmax + 2 +# +# l, rc, ep, ncon, nbas, qcut + 0 1.35000 0.00000 4 8 8.40000 + 1 1.45000 0.00000 4 8 9.30000 + 2 1.25000 0.10000 4 8 6.00000 +# +# LOCAL POTENTIAL +# lloc, lpopt, rc(5), dvloc0 + 4 5 1.20000 0.00000 +# +# VANDERBILT-KLEINMAN-BYLANDER PROJECTORs +# l, nproj, debl + 0 2 1.00000 + 1 2 1.00000 + 2 1 1.00000 +# +# MODEL CORE CHARGE +# icmod, fcfact, rcfact + 3 4.00000 1.50000 +# +# LOG DERIVATIVE ANALYSIS +# epsh1, epsh2, depsh + -12.00 12.00 0.02 +# +# OUTPUT GRID +# rlmax, drl + 6.00 0.01 +# +# TEST CONFIGURATIONS +# ncnf + 0 +# nvcnf +# n l f + + +END_PSP +Updating nrl = 940 for uurcut = 9.39444 + +Begin PSP_UPF + + + + This pseudopotential file has been produced using the code + ONCVPSP (Optimized Norm-Conservinng Vanderbilt PSeudopotential) + scalar-relativistic version 4.0.1 06/20/2107 by D. R. Hamann + The code is available through a link at URL www.mat-simresearch.com. + Documentation with the package provides a full discription of the + input data below. + + + While it is not required under the terms of the GNU GPL, it is + suggested that you cite D. R. Hamann, Phys. Rev. B 88, 085117 (2013) + in any publication using these pseudopotentials. + + +# ATOM AND REFERENCE CONFIGURATION +# atsym z nc nv iexc psfile + O 8.00 1 2 -106131 both +# +# n l f energy (Ha) + 1 0 2.00 + 2 0 2.00 + 2 1 4.00 +# +# PSEUDOPOTENTIAL AND OPTIMIZATION +# lmax + 2 +# +# l, rc, ep, ncon, nbas, qcut + 0 1.35000 0.00000 4 8 8.40000 + 1 1.45000 0.00000 4 8 9.30000 + 2 1.25000 0.10000 4 8 6.00000 +# +# LOCAL POTENTIAL +# lloc, lpopt, rc(5), dvloc0 + 4 5 1.20000 0.00000 +# +# VANDERBILT-KLEINMAN-BYLANDER PROJECTORs +# l, nproj, debl + 0 2 1.00000 + 1 2 1.00000 + 2 1 1.00000 +# +# MODEL CORE CHARGE +# icmod, fcfact, rcfact + 3 4.00000 1.50000 +# +# LOG DERIVATIVE ANALYSIS +# epsh1, epsh2, depsh + -12.00 12.00 0.02 +# +# OUTPUT GRID +# rlmax, drl + 6.00 0.01 +# +# TEST CONFIGURATIONS +# ncnf + 0 +# nvcnf +# n l f + + + + + + + + + 0.0000 0.0100 0.0200 0.0300 0.0400 0.0500 0.0600 0.0700 + 0.0800 0.0900 0.1000 0.1100 0.1200 0.1300 0.1400 0.1500 + 0.1600 0.1700 0.1800 0.1900 0.2000 0.2100 0.2200 0.2300 + 0.2400 0.2500 0.2600 0.2700 0.2800 0.2900 0.3000 0.3100 + 0.3200 0.3300 0.3400 0.3500 0.3600 0.3700 0.3800 0.3900 + 0.4000 0.4100 0.4200 0.4300 0.4400 0.4500 0.4600 0.4700 + 0.4800 0.4900 0.5000 0.5100 0.5200 0.5300 0.5400 0.5500 + 0.5600 0.5700 0.5800 0.5900 0.6000 0.6100 0.6200 0.6300 + 0.6400 0.6500 0.6600 0.6700 0.6800 0.6900 0.7000 0.7100 + 0.7200 0.7300 0.7400 0.7500 0.7600 0.7700 0.7800 0.7900 + 0.8000 0.8100 0.8200 0.8300 0.8400 0.8500 0.8600 0.8700 + 0.8800 0.8900 0.9000 0.9100 0.9200 0.9300 0.9400 0.9500 + 0.9600 0.9700 0.9800 0.9900 1.0000 1.0100 1.0200 1.0300 + 1.0400 1.0500 1.0600 1.0700 1.0800 1.0900 1.1000 1.1100 + 1.1200 1.1300 1.1400 1.1500 1.1600 1.1700 1.1800 1.1900 + 1.2000 1.2100 1.2200 1.2300 1.2400 1.2500 1.2600 1.2700 + 1.2800 1.2900 1.3000 1.3100 1.3200 1.3300 1.3400 1.3500 + 1.3600 1.3700 1.3800 1.3900 1.4000 1.4100 1.4200 1.4300 + 1.4400 1.4500 1.4600 1.4700 1.4800 1.4900 1.5000 1.5100 + 1.5200 1.5300 1.5400 1.5500 1.5600 1.5700 1.5800 1.5900 + 1.6000 1.6100 1.6200 1.6300 1.6400 1.6500 1.6600 1.6700 + 1.6800 1.6900 1.7000 1.7100 1.7200 1.7300 1.7400 1.7500 + 1.7600 1.7700 1.7800 1.7900 1.8000 1.8100 1.8200 1.8300 + 1.8400 1.8500 1.8600 1.8700 1.8800 1.8900 1.9000 1.9100 + 1.9200 1.9300 1.9400 1.9500 1.9600 1.9700 1.9800 1.9900 + 2.0000 2.0100 2.0200 2.0300 2.0400 2.0500 2.0600 2.0700 + 2.0800 2.0900 2.1000 2.1100 2.1200 2.1300 2.1400 2.1500 + 2.1600 2.1700 2.1800 2.1900 2.2000 2.2100 2.2200 2.2300 + 2.2400 2.2500 2.2600 2.2700 2.2800 2.2900 2.3000 2.3100 + 2.3200 2.3300 2.3400 2.3500 2.3600 2.3700 2.3800 2.3900 + 2.4000 2.4100 2.4200 2.4300 2.4400 2.4500 2.4600 2.4700 + 2.4800 2.4900 2.5000 2.5100 2.5200 2.5300 2.5400 2.5500 + 2.5600 2.5700 2.5800 2.5900 2.6000 2.6100 2.6200 2.6300 + 2.6400 2.6500 2.6600 2.6700 2.6800 2.6900 2.7000 2.7100 + 2.7200 2.7300 2.7400 2.7500 2.7600 2.7700 2.7800 2.7900 + 2.8000 2.8100 2.8200 2.8300 2.8400 2.8500 2.8600 2.8700 + 2.8800 2.8900 2.9000 2.9100 2.9200 2.9300 2.9400 2.9500 + 2.9600 2.9700 2.9800 2.9900 3.0000 3.0100 3.0200 3.0300 + 3.0400 3.0500 3.0600 3.0700 3.0800 3.0900 3.1000 3.1100 + 3.1200 3.1300 3.1400 3.1500 3.1600 3.1700 3.1800 3.1900 + 3.2000 3.2100 3.2200 3.2300 3.2400 3.2500 3.2600 3.2700 + 3.2800 3.2900 3.3000 3.3100 3.3200 3.3300 3.3400 3.3500 + 3.3600 3.3700 3.3800 3.3900 3.4000 3.4100 3.4200 3.4300 + 3.4400 3.4500 3.4600 3.4700 3.4800 3.4900 3.5000 3.5100 + 3.5200 3.5300 3.5400 3.5500 3.5600 3.5700 3.5800 3.5900 + 3.6000 3.6100 3.6200 3.6300 3.6400 3.6500 3.6600 3.6700 + 3.6800 3.6900 3.7000 3.7100 3.7200 3.7300 3.7400 3.7500 + 3.7600 3.7700 3.7800 3.7900 3.8000 3.8100 3.8200 3.8300 + 3.8400 3.8500 3.8600 3.8700 3.8800 3.8900 3.9000 3.9100 + 3.9200 3.9300 3.9400 3.9500 3.9600 3.9700 3.9800 3.9900 + 4.0000 4.0100 4.0200 4.0300 4.0400 4.0500 4.0600 4.0700 + 4.0800 4.0900 4.1000 4.1100 4.1200 4.1300 4.1400 4.1500 + 4.1600 4.1700 4.1800 4.1900 4.2000 4.2100 4.2200 4.2300 + 4.2400 4.2500 4.2600 4.2700 4.2800 4.2900 4.3000 4.3100 + 4.3200 4.3300 4.3400 4.3500 4.3600 4.3700 4.3800 4.3900 + 4.4000 4.4100 4.4200 4.4300 4.4400 4.4500 4.4600 4.4700 + 4.4800 4.4900 4.5000 4.5100 4.5200 4.5300 4.5400 4.5500 + 4.5600 4.5700 4.5800 4.5900 4.6000 4.6100 4.6200 4.6300 + 4.6400 4.6500 4.6600 4.6700 4.6800 4.6900 4.7000 4.7100 + 4.7200 4.7300 4.7400 4.7500 4.7600 4.7700 4.7800 4.7900 + 4.8000 4.8100 4.8200 4.8300 4.8400 4.8500 4.8600 4.8700 + 4.8800 4.8900 4.9000 4.9100 4.9200 4.9300 4.9400 4.9500 + 4.9600 4.9700 4.9800 4.9900 5.0000 5.0100 5.0200 5.0300 + 5.0400 5.0500 5.0600 5.0700 5.0800 5.0900 5.1000 5.1100 + 5.1200 5.1300 5.1400 5.1500 5.1600 5.1700 5.1800 5.1900 + 5.2000 5.2100 5.2200 5.2300 5.2400 5.2500 5.2600 5.2700 + 5.2800 5.2900 5.3000 5.3100 5.3200 5.3300 5.3400 5.3500 + 5.3600 5.3700 5.3800 5.3900 5.4000 5.4100 5.4200 5.4300 + 5.4400 5.4500 5.4600 5.4700 5.4800 5.4900 5.5000 5.5100 + 5.5200 5.5300 5.5400 5.5500 5.5600 5.5700 5.5800 5.5900 + 5.6000 5.6100 5.6200 5.6300 5.6400 5.6500 5.6600 5.6700 + 5.6800 5.6900 5.7000 5.7100 5.7200 5.7300 5.7400 5.7500 + 5.7600 5.7700 5.7800 5.7900 5.8000 5.8100 5.8200 5.8300 + 5.8400 5.8500 5.8600 5.8700 5.8800 5.8900 5.9000 5.9100 + 5.9200 5.9300 5.9400 5.9500 5.9600 5.9700 5.9800 5.9900 + 6.0000 6.0100 6.0200 6.0300 6.0400 6.0500 6.0600 6.0700 + 6.0800 6.0900 6.1000 6.1100 6.1200 6.1300 6.1400 6.1500 + 6.1600 6.1700 6.1800 6.1900 6.2000 6.2100 6.2200 6.2300 + 6.2400 6.2500 6.2600 6.2700 6.2800 6.2900 6.3000 6.3100 + 6.3200 6.3300 6.3400 6.3500 6.3600 6.3700 6.3800 6.3900 + 6.4000 6.4100 6.4200 6.4300 6.4400 6.4500 6.4600 6.4700 + 6.4800 6.4900 6.5000 6.5100 6.5200 6.5300 6.5400 6.5500 + 6.5600 6.5700 6.5800 6.5900 6.6000 6.6100 6.6200 6.6300 + 6.6400 6.6500 6.6600 6.6700 6.6800 6.6900 6.7000 6.7100 + 6.7200 6.7300 6.7400 6.7500 6.7600 6.7700 6.7800 6.7900 + 6.8000 6.8100 6.8200 6.8300 6.8400 6.8500 6.8600 6.8700 + 6.8800 6.8900 6.9000 6.9100 6.9200 6.9300 6.9400 6.9500 + 6.9600 6.9700 6.9800 6.9900 7.0000 7.0100 7.0200 7.0300 + 7.0400 7.0500 7.0600 7.0700 7.0800 7.0900 7.1000 7.1100 + 7.1200 7.1300 7.1400 7.1500 7.1600 7.1700 7.1800 7.1900 + 7.2000 7.2100 7.2200 7.2300 7.2400 7.2500 7.2600 7.2700 + 7.2800 7.2900 7.3000 7.3100 7.3200 7.3300 7.3400 7.3500 + 7.3600 7.3700 7.3800 7.3900 7.4000 7.4100 7.4200 7.4300 + 7.4400 7.4500 7.4600 7.4700 7.4800 7.4900 7.5000 7.5100 + 7.5200 7.5300 7.5400 7.5500 7.5600 7.5700 7.5800 7.5900 + 7.6000 7.6100 7.6200 7.6300 7.6400 7.6500 7.6600 7.6700 + 7.6800 7.6900 7.7000 7.7100 7.7200 7.7300 7.7400 7.7500 + 7.7600 7.7700 7.7800 7.7900 7.8000 7.8100 7.8200 7.8300 + 7.8400 7.8500 7.8600 7.8700 7.8800 7.8900 7.9000 7.9100 + 7.9200 7.9300 7.9400 7.9500 7.9600 7.9700 7.9800 7.9900 + 8.0000 8.0100 8.0200 8.0300 8.0400 8.0500 8.0600 8.0700 + 8.0800 8.0900 8.1000 8.1100 8.1200 8.1300 8.1400 8.1500 + 8.1600 8.1700 8.1800 8.1900 8.2000 8.2100 8.2200 8.2300 + 8.2400 8.2500 8.2600 8.2700 8.2800 8.2900 8.3000 8.3100 + 8.3200 8.3300 8.3400 8.3500 8.3600 8.3700 8.3800 8.3900 + 8.4000 8.4100 8.4200 8.4300 8.4400 8.4500 8.4600 8.4700 + 8.4800 8.4900 8.5000 8.5100 8.5200 8.5300 8.5400 8.5500 + 8.5600 8.5700 8.5800 8.5900 8.6000 8.6100 8.6200 8.6300 + 8.6400 8.6500 8.6600 8.6700 8.6800 8.6900 8.7000 8.7100 + 8.7200 8.7300 8.7400 8.7500 8.7600 8.7700 8.7800 8.7900 + 8.8000 8.8100 8.8200 8.8300 8.8400 8.8500 8.8600 8.8700 + 8.8800 8.8900 8.9000 8.9100 8.9200 8.9300 8.9400 8.9500 + 8.9600 8.9700 8.9800 8.9900 9.0000 9.0100 9.0200 9.0300 + 9.0400 9.0500 9.0600 9.0700 9.0800 9.0900 9.1000 9.1100 + 9.1200 9.1300 9.1400 9.1500 9.1600 9.1700 9.1800 9.1900 + 9.2000 9.2100 9.2200 9.2300 9.2400 9.2500 9.2600 9.2700 + 9.2800 9.2900 9.3000 9.3100 9.3200 9.3300 9.3400 9.3500 + 9.3600 9.3700 9.3800 9.3900 + + + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 0.0100 + 0.0100 0.0100 0.0100 0.0100 + + + + -2.0058852470E+01 -2.0024830786E+01 -2.0025412395E+01 -2.0026261131E+01 + -2.0027224227E+01 -2.0028130087E+01 -2.0028808606E+01 -2.0029102349E+01 + -2.0028870121E+01 -2.0027986015E+01 -2.0026336520E+01 -2.0023817273E+01 + -2.0020330147E+01 -2.0015780902E+01 -2.0010077403E+01 -2.0003128310E+01 + -1.9994842155E+01 -1.9985126721E+01 -1.9973888659E+01 -1.9961033310E+01 + -1.9946464679E+01 -1.9930085553E+01 -1.9911797746E+01 -1.9891502438E+01 + -1.9869100621E+01 -1.9844493611E+01 -1.9817583634E+01 -1.9788274456E+01 + -1.9756472039E+01 -1.9722085204E+01 -1.9685026276E+01 -1.9645211676E+01 + -1.9602562447E+01 -1.9557004671E+01 -1.9508469760E+01 -1.9456894601E+01 + -1.9402221543E+01 -1.9344398233E+01 -1.9283377308E+01 -1.9219115992E+01 + -1.9151575648E+01 -1.9080721360E+01 -1.9006521648E+01 -1.8928948409E+01 + -1.8847977195E+01 -1.8763587924E+01 -1.8675766073E+01 -1.8584504393E+01 + -1.8489805090E+01 -1.8391682392E+01 -1.8290165316E+01 -1.8185300433E+01 + -1.8077154373E+01 -1.7965815814E+01 -1.7851396710E+01 -1.7734032597E+01 + -1.7613881853E+01 -1.7491123929E+01 -1.7365956613E+01 -1.7238592507E+01 + -1.7109254936E+01 -1.6978173555E+01 -1.6845579907E+01 -1.6711703182E+01 + -1.6576766371E+01 -1.6440982975E+01 -1.6304554350E+01 -1.6167667743E+01 + -1.6030494997E+01 -1.5893191908E+01 -1.5755898131E+01 -1.5618737578E+01 + -1.5481819199E+01 -1.5345238055E+01 -1.5209076584E+01 -1.5073405993E+01 + -1.4938287696E+01 -1.4803774738E+01 -1.4669913163E+01 -1.4536743296E+01 + -1.4404300904E+01 -1.4272618236E+01 -1.4141724925E+01 -1.4011648754E+01 + -1.3882416298E+01 -1.3754053439E+01 -1.3626585772E+01 -1.3500038906E+01 + -1.3374438679E+01 -1.3249811294E+01 -1.3126183385E+01 -1.3003582031E+01 + -1.2882034718E+01 -1.2761569261E+01 -1.2642213701E+01 -1.2523996169E+01 + -1.2406944733E+01 -1.2291087232E+01 -1.2176451097E+01 -1.2063063165E+01 + -1.1950949493E+01 -1.1840135162E+01 -1.1730644091E+01 -1.1622498847E+01 + -1.1515720460E+01 -1.1410328249E+01 -1.1306339646E+01 -1.1203770031E+01 + -1.1102632575E+01 -1.1002938096E+01 -1.0904694912E+01 -1.0807908713E+01 + -1.0712582441E+01 -1.0618716173E+01 -1.0526307016E+01 -1.0435349011E+01 + -1.0345833039E+01 -1.0257746742E+01 -1.0171074436E+01 -1.0085797043E+01 + -1.0001892017E+01 -9.9193332712E+00 -9.8380916618E+00 -9.7581376010E+00 + -9.6794425088E+00 -9.6019788020E+00 -9.5257198615E+00 -9.4506399923E+00 + -9.3767143825E+00 -9.3039190539E+00 -9.2322308187E+00 -9.1616272587E+00 + -9.0920866652E+00 -9.0235879770E+00 -8.9561106718E+00 -8.8896349062E+00 + -8.8241431265E+00 -8.7596191371E+00 -8.6960440294E+00 -8.6333976840E+00 + -8.5716606484E+00 -8.5108134993E+00 -8.4508369078E+00 -8.3917116354E+00 + -8.3334186418E+00 -8.2759388648E+00 -8.2192516304E+00 -8.1633366553E+00 + -8.1081772569E+00 -8.0537584469E+00 -8.0000654245E+00 -7.9470837666E+00 + -7.8947994172E+00 -7.8431986785E+00 -7.7922682015E+00 -7.7419949780E+00 + -7.6923663316E+00 -7.6433699101E+00 -7.5949936773E+00 -7.5472259051E+00 + -7.5000551649E+00 -7.4534703195E+00 -7.4074605143E+00 -7.3620151686E+00 + -7.3171239666E+00 -7.2727768483E+00 -7.2289640009E+00 -7.1856758489E+00 + -7.1429030478E+00 -7.1006364786E+00 -7.0588671650E+00 -7.0175865294E+00 + -6.9767866594E+00 -6.9364588963E+00 -6.8965939871E+00 -6.8571842429E+00 + -6.8182224547E+00 -6.7797009239E+00 -6.7416122265E+00 -6.7039491095E+00 + -6.6667044797E+00 -6.6298714006E+00 -6.5934430883E+00 -6.5574129070E+00 + -6.5217743653E+00 -6.4865211122E+00 -6.4516469331E+00 -6.4171457466E+00 + -6.3830116004E+00 -6.3492386684E+00 -6.3158212471E+00 -6.2827537523E+00 + -6.2500307164E+00 -6.2176467850E+00 -6.1855967139E+00 -6.1538753669E+00 + -6.1224777123E+00 -6.0913988206E+00 -6.0606338621E+00 -6.0301781039E+00 + -6.0000269079E+00 -5.9701757284E+00 -5.9406201095E+00 -5.9113556832E+00 + -5.8823781673E+00 -5.8536833630E+00 -5.8252671529E+00 -5.7971254995E+00 + -5.7692544427E+00 -5.7416500982E+00 -5.7143086559E+00 -5.6872263776E+00 + -5.6603995960E+00 -5.6338247124E+00 -5.6074981954E+00 -5.5814165794E+00 + -5.5555764629E+00 -5.5299745072E+00 -5.5046074348E+00 -5.4794720281E+00 + -5.4545651279E+00 -5.4298836322E+00 -5.4054244951E+00 -5.3811847250E+00 + -5.3571613840E+00 -5.3333515864E+00 -5.3097524974E+00 -5.2863613323E+00 + -5.2631753552E+00 -5.2401918780E+00 -5.2174082594E+00 -5.1948219038E+00 + -5.1724302603E+00 -5.1502308219E+00 -5.1282211243E+00 -5.1063987454E+00 + -5.0847613039E+00 -5.0633064588E+00 -5.0420319085E+00 -5.0209353897E+00 + -5.0000146771E+00 -4.9792675822E+00 -4.9586919527E+00 -4.9382856718E+00 + -4.9180466571E+00 -4.8979728606E+00 -4.8780622673E+00 -4.8583128951E+00 + -4.8387227936E+00 -4.8192900440E+00 -4.8000127579E+00 -4.7808890772E+00 + -4.7619171733E+00 -4.7430952464E+00 -4.7244215251E+00 -4.7058942658E+00 + -4.6875117524E+00 -4.6692722946E+00 -4.6511742293E+00 -4.6332159188E+00 + -4.6153957511E+00 -4.5977121380E+00 -4.5801635152E+00 -4.5627483428E+00 + -4.5454651048E+00 -4.5283123080E+00 -4.5112884810E+00 -4.4943921744E+00 + -4.4776219609E+00 -4.4609764343E+00 -4.4444542091E+00 -4.4280539203E+00 + -4.4117742231E+00 -4.3956137922E+00 -4.3795713219E+00 -4.3636455252E+00 + -4.3478351340E+00 -4.3321388984E+00 -4.3165555865E+00 -4.3010839841E+00 + -4.2857228942E+00 -4.2704711370E+00 -4.2553275495E+00 -4.2402909848E+00 + -4.2253603125E+00 -4.2105344179E+00 -4.1958122020E+00 -4.1811925810E+00 + -4.1666744862E+00 -4.1522568637E+00 -4.1379386741E+00 -4.1237188923E+00 + -4.1095965073E+00 -4.0955705219E+00 -4.0816399523E+00 -4.0678038283E+00 + -4.0540611926E+00 -4.0404111009E+00 -4.0268526216E+00 -4.0133848354E+00 + -4.0000068354E+00 -3.9867177268E+00 -3.9735166264E+00 -3.9604026630E+00 + -3.9473749766E+00 -3.9344327186E+00 -3.9215750515E+00 -3.9088011486E+00 + -3.8961101941E+00 -3.8835013826E+00 -3.8709739191E+00 -3.8585270191E+00 + -3.8461599078E+00 -3.8338718204E+00 -3.8216620020E+00 -3.8095297071E+00 + -3.7974741998E+00 -3.7854947534E+00 -3.7735906502E+00 -3.7617611818E+00 + -3.7500056484E+00 -3.7383233591E+00 -3.7267136313E+00 -3.7151757913E+00 + -3.7037091733E+00 -3.6923131200E+00 -3.6809869819E+00 -3.6697301176E+00 + -3.6585418935E+00 -3.6474216837E+00 -3.6363688699E+00 -3.6253828413E+00 + -3.6144629943E+00 -3.6036087327E+00 -3.5928194674E+00 -3.5820946164E+00 + -3.5714336045E+00 -3.5608358634E+00 -3.5503008316E+00 -3.5398279540E+00 + -3.5294166823E+00 -3.5190664744E+00 -3.5087767947E+00 -3.4985471138E+00 + -3.4883769084E+00 -3.4782656614E+00 -3.4682128615E+00 -3.4582180034E+00 + -3.4482805877E+00 -3.4384001204E+00 -3.4285761136E+00 -3.4188080845E+00 + -3.4090955562E+00 -3.3994380569E+00 -3.3898351203E+00 -3.3802862852E+00 + -3.3707910957E+00 -3.3613491011E+00 -3.3519598556E+00 -3.3426229183E+00 + -3.3333378532E+00 -3.3241042295E+00 -3.3149216206E+00 -3.3057896050E+00 + -3.2967077658E+00 -3.2876756904E+00 -3.2786929710E+00 -3.2697592041E+00 + -3.2608739905E+00 -3.2520369357E+00 -3.2432476490E+00 -3.2345057442E+00 + -3.2258108392E+00 -3.2171625559E+00 -3.2085605203E+00 -3.2000043625E+00 + -3.1914937164E+00 -3.1830282198E+00 -3.1746075144E+00 -3.1662312456E+00 + -3.1578990626E+00 -3.1496106182E+00 -3.1413655689E+00 -3.1331635748E+00 + -3.1250042995E+00 -3.1168874101E+00 -3.1088125773E+00 -3.1007794749E+00 + -3.0927877802E+00 -3.0848371740E+00 -3.0769273401E+00 -3.0690579657E+00 + -3.0612287411E+00 -3.0534393599E+00 -3.0456895187E+00 -3.0379789171E+00 + -3.0303072578E+00 -3.0226742466E+00 -3.0150795921E+00 -3.0075230059E+00 + -3.0000042025E+00 -2.9925228992E+00 -2.9850788162E+00 -2.9776716764E+00 + -2.9703012053E+00 -2.9629671315E+00 -2.9556691858E+00 -2.9484071021E+00 + -2.9411806166E+00 -2.9339894682E+00 -2.9268333984E+00 -2.9197121509E+00 + -2.9126254724E+00 -2.9055731116E+00 -2.8985548199E+00 -2.8915703510E+00 + -2.8846194609E+00 -2.8777019082E+00 -2.8708174534E+00 -2.8639658597E+00 + -2.8571468922E+00 -2.8503603186E+00 -2.8436059084E+00 -2.8368834336E+00 + -2.8301926683E+00 -2.8235333885E+00 -2.8169053726E+00 -2.8103084008E+00 + -2.8037422557E+00 -2.7972067215E+00 -2.7907015848E+00 -2.7842266340E+00 + -2.7777816594E+00 -2.7713664533E+00 -2.7649808100E+00 -2.7586245256E+00 + -2.7522973980E+00 -2.7459992271E+00 -2.7397298147E+00 -2.7334889640E+00 + -2.7272764805E+00 -2.7210921711E+00 -2.7149358446E+00 -2.7088073115E+00 + -2.7027063841E+00 -2.6966328761E+00 -2.6905866033E+00 -2.6845673827E+00 + -2.6785750334E+00 -2.6726093756E+00 -2.6666702315E+00 -2.6607574247E+00 + -2.6548707804E+00 -2.6490101254E+00 -2.6431752879E+00 -2.6373660978E+00 + -2.6315823862E+00 -2.6258239859E+00 -2.6200907312E+00 -2.6143824578E+00 + -2.6086990026E+00 -2.6030402042E+00 -2.5974059025E+00 -2.5917959388E+00 + -2.5862101557E+00 -2.5806483972E+00 -2.5751105087E+00 -2.5695963369E+00 + -2.5641057297E+00 -2.5586385364E+00 -2.5531946075E+00 -2.5477737949E+00 + -2.5423759518E+00 -2.5370009323E+00 -2.5316485921E+00 -2.5263187879E+00 + -2.5210113777E+00 -2.5157262207E+00 -2.5104631772E+00 -2.5052221087E+00 + -2.5000028779E+00 -2.4948053487E+00 -2.4896293858E+00 -2.4844748555E+00 + -2.4793416249E+00 -2.4742295621E+00 -2.4691385367E+00 -2.4640684189E+00 + -2.4590190803E+00 -2.4539903934E+00 -2.4489822317E+00 -2.4439944699E+00 + -2.4390269836E+00 -2.4340796494E+00 -2.4291523449E+00 -2.4242449488E+00 + -2.4193573407E+00 -2.4144894010E+00 -2.4096410114E+00 -2.4048120543E+00 + -2.4000024131E+00 -2.3952119722E+00 -2.3904406168E+00 -2.3856882332E+00 + -2.3809547082E+00 -2.3762399301E+00 -2.3715437876E+00 -2.3668661704E+00 + -2.3622069692E+00 -2.3575660754E+00 -2.3529433813E+00 -2.3483387801E+00 + -2.3437521658E+00 -2.3391834332E+00 -2.3346324779E+00 -2.3300991965E+00 + -2.3255834860E+00 -2.3210852446E+00 -2.3166043711E+00 -2.3121407652E+00 + -2.3076943271E+00 -2.3032649580E+00 -2.2988525600E+00 -2.2944570355E+00 + -2.2900782880E+00 -2.2857162216E+00 -2.2813707412E+00 -2.2770417524E+00 + -2.2727291615E+00 -2.2684328754E+00 -2.2641528020E+00 -2.2598888495E+00 + -2.2556409271E+00 -2.2514089445E+00 -2.2471928123E+00 -2.2429924415E+00 + -2.2388077439E+00 -2.2346386319E+00 -2.2304850186E+00 -2.2263468179E+00 + -2.2222239440E+00 -2.2181163119E+00 -2.2140238373E+00 -2.2099464364E+00 + -2.2058840262E+00 -2.2018365240E+00 -2.1978038480E+00 -2.1937859169E+00 + -2.1897826499E+00 -2.1857939669E+00 -2.1818197883E+00 -2.1778600352E+00 + -2.1739146292E+00 -2.1699834924E+00 -2.1660665476E+00 -2.1621637181E+00 + -2.1582749276E+00 -2.1544001006E+00 -2.1505391620E+00 -2.1466920372E+00 + -2.1428586523E+00 -2.1390389338E+00 -2.1352328086E+00 -2.1314402045E+00 + -2.1276610494E+00 -2.1238952719E+00 -2.1201428012E+00 -2.1164035668E+00 + -2.1126774988E+00 -2.1089645278E+00 -2.1052645848E+00 -2.1015776015E+00 + -2.0979035098E+00 -2.0942422422E+00 -2.0905937317E+00 -2.0869579118E+00 + -2.0833347163E+00 -2.0797240796E+00 -2.0761259366E+00 -2.0725402224E+00 + -2.0689668728E+00 -2.0654058239E+00 -2.0618570124E+00 -2.0583203753E+00 + -2.0547958500E+00 -2.0512833743E+00 -2.0477828867E+00 -2.0442943259E+00 + -2.0408176310E+00 -2.0373527415E+00 -2.0338995974E+00 -2.0304581392E+00 + -2.0270283075E+00 -2.0236100436E+00 -2.0202032890E+00 -2.0168079858E+00 + -2.0134240762E+00 -2.0100515030E+00 -2.0066902094E+00 -2.0033401388E+00 + -2.0000012351E+00 -1.9966734427E+00 -1.9933567060E+00 -1.9900509701E+00 + -1.9867561805E+00 -1.9834722827E+00 -1.9801992228E+00 -1.9769369474E+00 + -1.9736854032E+00 -1.9704445372E+00 -1.9672142971E+00 -1.9639946307E+00 + -1.9607854860E+00 -1.9575868116E+00 -1.9543985564E+00 -1.9512206695E+00 + -1.9480531005E+00 -1.9448957991E+00 -1.9417487155E+00 -1.9386118002E+00 + -1.9354850040E+00 -1.9323682781E+00 -1.9292615737E+00 -1.9261648428E+00 + -1.9230780372E+00 -1.9200011095E+00 -1.9169340122E+00 -1.9138766983E+00 + -1.9108291211E+00 -1.9077912342E+00 -1.9047629913E+00 -1.9017443467E+00 + -1.8987352547E+00 -1.8957356702E+00 -1.8927455481E+00 -1.8897648437E+00 + -1.8867935126E+00 -1.8838315106E+00 -1.8808787940E+00 -1.8779353190E+00 + -1.8750010424E+00 -1.8720759211E+00 -1.8691599123E+00 -1.8662529735E+00 + -1.8633550626E+00 -1.8604661374E+00 -1.8575861562E+00 -1.8547150776E+00 + -1.8518528604E+00 -1.8489994636E+00 -1.8461548465E+00 -1.8433189686E+00 + -1.8404917897E+00 -1.8376732699E+00 -1.8348633694E+00 -1.8320620487E+00 + -1.8292692687E+00 -1.8264849903E+00 -1.8237091747E+00 -1.8209417835E+00 + -1.8181827784E+00 -1.8154321212E+00 -1.8126897741E+00 -1.8099556996E+00 + -1.8072298603E+00 -1.8045122190E+00 -1.8018027388E+00 -1.7991013830E+00 + -1.7964081150E+00 -1.7937228987E+00 -1.7910456980E+00 -1.7883764770E+00 + -1.7857152001E+00 -1.7830618320E+00 -1.7804163373E+00 -1.7777786811E+00 + -1.7751488287E+00 -1.7725267454E+00 -1.7699123969E+00 -1.7673057489E+00 + -1.7647067676E+00 -1.7621154191E+00 -1.7595316699E+00 -1.7569554866E+00 + -1.7543868360E+00 -1.7518256851E+00 -1.7492720011E+00 -1.7467257514E+00 + -1.7441869036E+00 -1.7416554255E+00 -1.7391312850E+00 -1.7366144503E+00 + -1.7341048897E+00 -1.7316025716E+00 -1.7291074649E+00 -1.7266195383E+00 + -1.7241387610E+00 -1.7216651021E+00 -1.7191985311E+00 -1.7167390175E+00 + -1.7142865310E+00 -1.7118410417E+00 -1.7094025196E+00 -1.7069709350E+00 + -1.7045462583E+00 -1.7021284601E+00 -1.6997175112E+00 -1.6973133826E+00 + -1.6949160452E+00 -1.6925254705E+00 -1.6901416298E+00 -1.6877644947E+00 + -1.6853940369E+00 -1.6830302284E+00 -1.6806730412E+00 -1.6783224475E+00 + -1.6759784198E+00 -1.6736409305E+00 -1.6713099523E+00 -1.6689854580E+00 + -1.6666674207E+00 -1.6643558135E+00 -1.6620506096E+00 -1.6597517824E+00 + -1.6574593057E+00 -1.6551731530E+00 -1.6528932982E+00 -1.6506197155E+00 + -1.6483523788E+00 -1.6460912625E+00 -1.6438363411E+00 -1.6415875891E+00 + -1.6393449812E+00 -1.6371084924E+00 -1.6348780975E+00 -1.6326537717E+00 + -1.6304354903E+00 -1.6282232286E+00 -1.6260169622E+00 -1.6238166668E+00 + -1.6216223182E+00 -1.6194338922E+00 -1.6172513649E+00 -1.6150747126E+00 + -1.6129039115E+00 -1.6107389380E+00 -1.6085797687E+00 -1.6064263804E+00 + -1.6042787498E+00 -1.6021368539E+00 -1.6000006696E+00 -1.5978701743E+00 + -1.5957453452E+00 -1.5936261598E+00 -1.5915125955E+00 -1.5894046301E+00 + -1.5873022413E+00 -1.5852054071E+00 -1.5831141054E+00 -1.5810283144E+00 + -1.5789480123E+00 -1.5768731775E+00 -1.5748037884E+00 -1.5727398238E+00 + -1.5706812621E+00 -1.5686280824E+00 -1.5665802634E+00 -1.5645377842E+00 + -1.5625006240E+00 -1.5604687620E+00 -1.5584421776E+00 -1.5564208502E+00 + -1.5544047594E+00 -1.5523938849E+00 -1.5503882065E+00 -1.5483877040E+00 + -1.5463923574E+00 -1.5444021469E+00 -1.5424170526E+00 -1.5404370548E+00 + -1.5384621340E+00 -1.5364922706E+00 -1.5345274451E+00 -1.5325676384E+00 + -1.5306128312E+00 -1.5286630045E+00 -1.5267181391E+00 -1.5247782162E+00 + -1.5228432169E+00 -1.5209131226E+00 -1.5189879146E+00 -1.5170675745E+00 + -1.5151520836E+00 -1.5132414238E+00 -1.5113355767E+00 -1.5094345242E+00 + -1.5075382482E+00 -1.5056467307E+00 -1.5037599539E+00 -1.5018779000E+00 + -1.5000005512E+00 -1.4981278899E+00 -1.4962598986E+00 -1.4943965598E+00 + -1.4925378562E+00 -1.4906837705E+00 -1.4888342855E+00 -1.4869893841E+00 + -1.4851490493E+00 -1.4833132642E+00 -1.4814820119E+00 -1.4796552756E+00 + -1.4778330387E+00 -1.4760152845E+00 -1.4742019965E+00 -1.4723931584E+00 + -1.4705887536E+00 -1.4687887661E+00 -1.4669931794E+00 -1.4652019776E+00 + -1.4634151446E+00 -1.4616326644E+00 -1.4598545212E+00 -1.4580806991E+00 + -1.4563111824E+00 -1.4545459554E+00 -1.4527850026E+00 -1.4510283084E+00 + -1.4492758575E+00 -1.4475276344E+00 -1.4457836239E+00 -1.4440438108E+00 + -1.4423081800E+00 -1.4405767163E+00 -1.4388494049E+00 -1.4371262307E+00 + -1.4354071789E+00 -1.4336922348E+00 -1.4319813836E+00 -1.4302746108E+00 + -1.4285719017E+00 -1.4268732419E+00 -1.4251786168E+00 -1.4234880123E+00 + -1.4218014139E+00 -1.4201188075E+00 -1.4184401789E+00 -1.4167655139E+00 + -1.4150947987E+00 -1.4134280192E+00 -1.4117651615E+00 -1.4101062119E+00 + -1.4084511564E+00 -1.4067999816E+00 -1.4051526737E+00 -1.4035092191E+00 + -1.4018696044E+00 -1.4002338161E+00 -1.3986018408E+00 -1.3969736652E+00 + -1.3953492761E+00 -1.3937286602E+00 -1.3921118045E+00 -1.3904986959E+00 + -1.3888893213E+00 -1.3872836677E+00 -1.3856817225E+00 -1.3840834725E+00 + -1.3824889052E+00 -1.3808980078E+00 -1.3793107676E+00 -1.3777271721E+00 + -1.3761472087E+00 -1.3745708649E+00 -1.3729981283E+00 -1.3714289865E+00 + -1.3698634272E+00 -1.3683014382E+00 -1.3667430073E+00 -1.3651881223E+00 + -1.3636367711E+00 -1.3620889417E+00 -1.3605446221E+00 -1.3590038005E+00 + -1.3574664648E+00 -1.3559326034E+00 -1.3544022044E+00 -1.3528752561E+00 + -1.3513517469E+00 -1.3498316652E+00 -1.3483149994E+00 -1.3468017381E+00 + -1.3452918696E+00 -1.3437853828E+00 -1.3422822662E+00 -1.3407825085E+00 + -1.3392860984E+00 -1.3377930249E+00 -1.3363032767E+00 -1.3348168427E+00 + -1.3333337119E+00 -1.3318538733E+00 -1.3303773160E+00 -1.3289040290E+00 + -1.3274340014E+00 -1.3259672226E+00 -1.3245036817E+00 -1.3230433680E+00 + -1.3215862708E+00 -1.3201323796E+00 -1.3186816838E+00 -1.3172341728E+00 + -1.3157898361E+00 -1.3143486634E+00 -1.3129106443E+00 -1.3114757684E+00 + -1.3100440254E+00 -1.3086154050E+00 -1.3071898972E+00 -1.3057674916E+00 + -1.3043481782E+00 -1.3029319469E+00 -1.3015187878E+00 -1.3001086907E+00 + -1.2987016458E+00 -1.2972976432E+00 -1.2958966729E+00 -1.2944987253E+00 + -1.2931037904E+00 -1.2917118587E+00 -1.2903229204E+00 -1.2889369658E+00 + -1.2875539854E+00 -1.2861739695E+00 -1.2847969088E+00 -1.2834227936E+00 + -1.2820516146E+00 -1.2806833623E+00 -1.2793180274E+00 -1.2779556006E+00 + + + + 2.6263693442E-09 9.0864595300E-02 1.8147926067E-01 2.7159427436E-01 + 3.6096035213E-01 4.4932891798E-01 5.3645243544E-01 6.2208481630E-01 + 7.0598192117E-01 7.8790216296E-01 8.6760722111E-01 9.4486286998E-01 + 1.0194399212E+00 1.0911152754E+00 1.1596730735E+00 1.2249059359E+00 + 1.2866162714E+00 1.3446176359E+00 1.3987361173E+00 1.4488117200E+00 + 1.4946997225E+00 1.5362719766E+00 1.5734181217E+00 1.6060466817E+00 + 1.6340860196E+00 1.6574851208E+00 1.6762141841E+00 1.6902649986E+00 + 1.6996510907E+00 1.7044076298E+00 1.7045910857E+00 1.7002786367E+00 + 1.6915673306E+00 1.6785730110E+00 1.6614290206E+00 1.6402847037E+00 + 1.6153037317E+00 1.5866622818E+00 1.5545471006E+00 1.5191534904E+00 + 1.4806832552E+00 1.4393426473E+00 1.3953403542E+00 1.3488855661E+00 + 1.3001861622E+00 1.2494470527E+00 1.1968687073E+00 1.1426459022E+00 + 1.0869667065E+00 1.0300117271E+00 9.7195362569E-01 9.1295691115E-01 + 8.5317800777E-01 7.9276559072E-01 7.3186117389E-01 6.7059992859E-01 + 6.0911170529E-01 5.4752222517E-01 4.8595440291E-01 4.2452975816E-01 + 3.6336987002E-01 3.0259782642E-01 2.4233961960E-01 1.8272543867E-01 + 1.2389081172E-01 6.5977552495E-02 9.1344702348E-03 -4.6482193943E-02 + -1.0070863492E-01 -1.5337367981E-01 -2.0429932930E-01 -2.5330165253E-01 + -3.0019203574E-01 -3.4477877592E-01 -3.8686900183E-01 -4.2627089639E-01 + -4.6279618559E-01 -4.9626285174E-01 -5.2649802159E-01 -5.5334097364E-01 + -5.7664620402E-01 -5.9628648640E-01 -6.1215585891E-01 -6.2417246968E-01 + -6.3228121349E-01 -6.3645609317E-01 -6.3670224354E-01 -6.3305755979E-01 + -6.2559387888E-01 -6.1441766976E-01 -5.9967019708E-01 -5.8152713225E-01 + -5.6019759670E-01 -5.3592263256E-01 -5.0897310787E-01 -4.7964707449E-01 + -4.4826660854E-01 -4.1517417394E-01 -3.8072856034E-01 -3.4530045589E-01 + -3.0926772417E-01 -2.7301046163E-01 -2.3690591784E-01 -2.0132336501E-01 + -1.6661900587E-01 -1.3313100991E-01 -1.0117476661E-01 -7.1038441901E-02 + -4.2978919126E-02 -1.7218199626E-02 6.0596700493E-03 2.6711086613E-02 + 4.4634747293E-02 5.9772840815E-02 7.2111549701E-02 8.1680854842E-02 + 8.8553646912E-02 9.2844162974E-02 9.4705780106E-02 9.4328211186E-02 + 9.1934158704E-02 8.7775502461E-02 8.2128276953E-02 7.5284033685E-02 + 6.7542244454E-02 5.9204572324E-02 5.0569143614E-02 4.1924895086E-02 + 3.3546128467E-02 2.5686528092E-02 1.8572193048E-02 1.2404778439E-02 + 7.3539977635E-03 3.5541313591E-03 1.0923104749E-03 6.4485376356E-05 + -3.3538100352E-06 -6.3747380524E-07 -1.0948001599E-11 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + + + -5.7762853389E-09 -2.6029784663E-02 -5.1859360283E-02 -7.7288302119E-02 + -1.0211579966E-01 -1.2614057627E-01 -1.4916093957E-01 -1.7097499910E-01 + -1.9138108202E-01 -2.1017837074E-01 -2.2716777841E-01 -2.4215306980E-01 + -2.5494222593E-01 -2.6534904157E-01 -2.7319493558E-01 -2.7831094520E-01 + -2.8053986705E-01 -2.7973850012E-01 -2.7577993988E-01 -2.6855586722E-01 + -2.5797877255E-01 -2.4398405327E-01 -2.2653192238E-01 -2.0560906747E-01 + -1.8123000255E-01 -1.5343805981E-01 -1.2230597514E-01 -8.7936029105E-02 + -5.0459714458E-02 -1.0036911633E-02 3.3145434825E-02 7.8875134174E-02 + 1.2691704463E-01 1.7701581648E-01 2.2889904181E-01 2.8228075826E-01 + 3.3686524390E-01 3.9235103077E-01 4.4843505753E-01 5.0481687512E-01 + 5.6120281569E-01 6.1731003295E-01 6.7287032225E-01 7.2763363134E-01 + 7.8137117739E-01 8.3387809264E-01 8.8497553033E-01 9.3451217315E-01 + 9.8236509933E-01 1.0284399754E+00 1.0726705601E+00 1.1150175194E+00 + 1.1554665701E+00 1.1940259853E+00 1.2307235107E+00 1.2656027581E+00 + 1.2987191549E+00 1.3301355427E+00 1.3599175287E+00 1.3881287014E+00 + 1.4148258324E+00 1.4400541846E+00 1.4638430537E+00 1.4862016641E+00 + 1.5071155379E+00 1.5265434476E+00 1.5444150526E+00 1.5606293068E+00 + 1.5750537090E+00 1.5875244514E+00 1.5978475002E+00 1.6058006243E+00 + 1.6111363638E+00 1.6135859106E+00 1.6128638498E+00 1.6086736884E+00 + 1.6007140801E+00 1.5886856330E+00 1.5722981706E+00 1.5512783044E+00 + 1.5253771592E+00 1.4943780898E+00 1.4581042153E+00 1.4164256025E+00 + 1.3692659247E+00 1.3166084331E+00 1.2585010838E+00 1.1950606782E+00 + 1.1264758881E+00 1.0530090602E+00 9.7499671252E-01 8.9284866112E-01 + 8.0704574377E-01 7.1813613112E-01 6.2673024740E-01 5.3349434960E-01 + 4.3914284304E-01 3.4442943820E-01 2.5013727928E-01 1.5706819860E-01 + 6.6031271623E-02 -2.2169134999E-02 -1.0674561598E-01 -1.8694006402E-01 + -2.6203586827E-01 -3.3136975091E-01 -3.9434302132E-01 -4.5043203489E-01 + -4.9919765562E-01 -5.4029353807E-01 -5.7347306438E-01 -5.9859479617E-01 + -6.1562632818E-01 -6.2464646027E-01 -6.2584563620E-01 -6.1952463125E-01 + -6.0609150442E-01 -5.8605686566E-01 -5.6002754202E-01 -5.2869875976E-01 + -4.9284498523E-01 -4.5330962273E-01 -4.1099117945E-01 -3.6681845521E-01 + -3.2172961078E-01 -2.7665737984E-01 -2.3251434044E-01 -1.9017843683E-01 + -1.5047896652E-01 -1.1418323384E-01 -8.1982639828E-02 -5.4483246270E-02 + -3.2197963066E-02 -1.5540370959E-02 -4.7782363210E-03 -2.8273743671E-04 + 1.4718226692E-05 2.7909209524E-06 2.4075050572E-11 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + + + -2.9437954296E-09 2.0739035576E-03 8.2875551048E-03 1.8616750866E-02 + 3.3021065109E-02 5.1443727547E-02 7.3811464621E-02 1.0003431715E-01 + 1.3000544977E-01 1.6360097007E-01 2.0067977738E-01 2.4108346243E-01 + 2.8463627999E-01 3.3114521671E-01 3.8040017564E-01 4.3217429790E-01 + 4.8622443986E-01 5.4229182189E-01 6.0010286139E-01 6.5937019949E-01 + 7.1979392676E-01 7.8106300869E-01 8.4285690781E-01 9.0484739377E-01 + 9.6670052911E-01 1.0280788129E+00 1.0886434612E+00 1.1480567980E+00 + 1.2059847290E+00 1.2620992644E+00 1.3160810583E+00 1.3676219273E+00 + 1.4164273124E+00 1.4622186470E+00 1.5047355941E+00 1.5437381192E+00 + 1.5790083651E+00 1.6103522999E+00 1.6376011112E+00 1.6606123265E+00 + 1.6792706405E+00 1.6934884408E+00 1.7032060220E+00 1.7083914911E+00 + 1.7090403668E+00 1.7051748855E+00 1.6968430281E+00 1.6841172913E+00 + 1.6670932277E+00 1.6458877857E+00 1.6206374826E+00 1.5914964469E+00 + 1.5586343690E+00 1.5222343980E+00 1.4824910267E+00 1.4396080001E+00 + 1.3937962878E+00 1.3452721536E+00 1.2942553534E+00 1.2409674906E+00 + 1.1856305503E+00 1.1284656315E+00 1.0696918897E+00 1.0095256958E+00 + 9.4818001296E-01 8.8586398636E-01 8.2278273434E-01 7.5913732572E-01 + 6.9512492132E-01 6.3093905439E-01 5.6677002033E-01 5.0280534326E-01 + 4.3923028485E-01 3.7622835938E-01 3.1398181903E-01 2.5267207365E-01 + 1.9248001137E-01 1.3358618865E-01 7.6170862089E-02 2.0413838369E-02 + -3.3505875881E-02 -8.5410637284E-02 -1.3512494853E-01 -1.8247646104E-01 + -2.2729719100E-01 -2.6942493565E-01 -3.0870487003E-01 -3.4499129848E-01 + -3.7814952889E-01 -4.0805783303E-01 -4.3460945164E-01 -4.5771459932E-01 + -4.7730242193E-01 -4.9332285765E-01 -5.0574835232E-01 -5.1457538077E-01 + -5.1982572756E-01 -5.2154748392E-01 -5.1981572187E-01 -5.1473281159E-01 + -5.0642835486E-01 -4.9505871395E-01 -4.8080612347E-01 -4.6387738097E-01 + -4.4450212059E-01 -4.2293068306E-01 -3.9943160436E-01 -3.7428875345E-01 + -3.4779815848E-01 -3.2026456774E-01 -2.9199779916E-01 -2.6330893761E-01 + -2.3450644436E-01 -2.0589224666E-01 -1.7775787770E-01 -1.5038073820E-01 + -1.2402055032E-01 -9.8916072825E-02 -7.5282142872E-02 -5.3307105340E-02 + -3.3150683840E-02 -1.4942343582E-02 1.2201140383E-03 1.5272610137E-02 + 2.7185833327E-02 3.6964982801E-02 4.4648920168E-02 5.0308750362E-02 + 5.4045858227E-02 5.5989433905E-02 5.6293530323E-02 5.5133705211E-02 + 5.2703308338E-02 4.9209481747E-02 4.4868946651E-02 3.9903655083E-02 + 3.4536386986E-02 2.8986380494E-02 2.3465074555E-02 1.8174468405E-02 + 1.3300268015E-02 9.0050228587E-03 5.4295720367E-03 2.6908272576E-03 + 8.7106657991E-04 6.8594640241E-05 -8.5863194517E-06 1.0728400441E-06 + 3.1391446060E-12 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + + + 7.1004856855E-09 -8.6138471742E-04 -3.4420433091E-03 -7.7313731176E-03 + -1.3711320980E-02 -2.1355825814E-02 -3.0630069179E-02 -4.1489563695E-02 + -5.3879116347E-02 -6.7731709723E-02 -8.2967349148E-02 -9.9491927133E-02 + -1.1719615867E-01 -1.3595464137E-01 -1.5562509348E-01 -1.7604782003E-01 + -1.9704545357E-01 -2.1842301001E-01 -2.3996829366E-01 -2.6145267719E-01 + -2.8263227367E-01 -3.0324950793E-01 -3.2303508442E-01 -3.4171033840E-01 + -3.5898994679E-01 -3.7458496506E-01 -3.8820614683E-01 -3.9956749433E-01 + -4.0838997987E-01 -4.1440537224E-01 -4.1736009686E-01 -4.1701905497E-01 + -4.1316932548E-01 -4.0562367315E-01 -3.9422378853E-01 -3.7884318871E-01 + -3.5938971341E-01 -3.3580755789E-01 -3.0807879265E-01 -2.7622432978E-01 + -2.4030430679E-01 -2.0041787068E-01 -1.5670235716E-01 -1.0933187317E-01 + -5.8515303161E-02 -4.4937724521E-03 5.2462387184E-02 1.1205711352E-01 + 1.7397246528E-01 2.3787277418E-01 3.0340901600E-01 3.7022331383E-01 + 4.3795348346E-01 5.0623752969E-01 5.7471800327E-01 6.4304613111E-01 + 7.1088563774E-01 7.7791618248E-01 8.4383634620E-01 9.0836611171E-01 + 9.7124879357E-01 1.0322523864E+00 1.0911703147E+00 1.1478215803E+00 + 1.2020503209E+00 1.2537248038E+00 1.3027358963E+00 1.3489950651E+00 + 1.3924319694E+00 1.4329917233E+00 1.4706319119E+00 1.5053194506E+00 + 1.5370273842E+00 1.5657317224E+00 1.5914084095E+00 1.6140305226E+00 + 1.6335657898E+00 1.6499745083E+00 1.6632079391E+00 1.6732072367E+00 + 1.6799029653E+00 1.6832152339E+00 1.6830544692E+00 1.6793228278E+00 + 1.6719162327E+00 1.6607270023E+00 1.6456470222E+00 1.6265713965E+00 + 1.6034024989E+00 1.5760543319E+00 1.5444570906E+00 1.5085618200E+00 + 1.4683450460E+00 1.4238132591E+00 1.3750071267E+00 1.3220053128E+00 + 1.2649277894E+00 1.2039385288E+00 1.1392474806E+00 1.0711117465E+00 + 9.9983588221E-01 9.2577127578E-01 8.4931456644E-01 7.7090509159E-01 + 6.9102136964E-01 6.1017664807E-01 5.2891356780E-01 4.4779801611E-01 + 3.6741226034E-01 2.8834747307E-01 2.1119577668E-01 1.3654194892E-01 + 6.4954943590E-02 -3.0206112356E-03 -6.6872769233E-02 -1.2613030559E-01 + -1.8037027139E-01 -2.2922489814E-01 -2.7238769651E-01 -3.0961860427E-01 + -3.4074805582E-01 -3.6567985148E-01 -3.8439380854E-01 -3.9695129758E-01 + -4.0349755639E-01 -4.0425993290E-01 -3.9954469553E-01 -3.8973247381E-01 + -3.7527240230E-01 -3.5667505181E-01 -3.3450425677E-01 -3.0936797012E-01 + -2.8190829666E-01 -2.5279087342E-01 -2.2269377943E-01 -1.9229616811E-01 + -1.6226682197E-01 -1.3325284343E-01 -1.0586867523E-01 -8.0690350240E-02 + -5.8239971627E-02 -3.8970147164E-02 -2.3264852097E-02 -1.1435126601E-02 + -3.6773401648E-03 -2.8792776512E-04 3.5935671732E-05 -4.5001838630E-06 + -7.1845816260E-12 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + + + 1.2441943702E-07 1.5228553711E-04 1.2110197083E-03 4.0465748671E-03 + 9.4583144279E-03 1.8141914052E-02 3.0659981032E-02 4.7416919750E-02 + 6.8638866631E-02 9.4359369207E-02 1.2441131470E-01 1.5842542892E-01 + 1.9583547131E-01 2.3589005197E-01 2.7767079787E-01 3.2011640238E-01 + 3.6205191239E-01 4.0222244322E-01 4.3933037061E-01 4.7207493333E-01 + 4.9919309424E-01 5.1950045390E-01 5.3193099094E-01 5.3557441884E-01 + 5.2970999810E-01 5.1383572675E-01 4.8769194685E-01 4.5127854890E-01 + 4.0486512465E-01 3.4899360895E-01 2.8447315585E-01 2.1236721021E-01 + 1.3397295500E-01 5.0793532902E-02 -3.5496349469E-02 -1.2309062973E-01 + -2.1009692802E-01 -2.9458528013E-01 -3.7463930602E-01 -4.4840846241E-01 + -5.1415997198E-01 -5.7032900269E-01 -6.1556569056E-01 -6.4877765702E-01 + -6.6916676757E-01 -6.7625900901E-01 -6.6992652561E-01 -6.5040104592E-01 + -6.1827814680E-01 -5.7451203457E-01 -5.2040076844E-01 -4.5756210276E-01 + -3.8790037521E-01 -3.1356511122E-01 -2.3690224452E-01 -1.6039906265E-01 + -8.6624170083E-02 -1.8163913583E-02 4.2443168230E-02 9.2772231458E-02 + 1.3057667327E-01 1.5384966822E-01 1.6088107435E-01 1.5030818155E-01 + 1.2115890728E-01 7.2886215997E-02 5.3927428847E-03 -8.0955163975E-02 + -1.8532451214E-01 -3.0642409992E-01 -4.4252429033E-01 -5.9148781011E-01 + -7.5081097824E-01 -9.1767449859E-01 -1.0890027003E+00 -1.2615298843E+00 + -1.4318722397E+00 -1.5966036376E+00 -1.7523334934E+00 -1.8957848166E+00 + -2.0238705447E+00 -2.1337662775E+00 -2.2229776022E+00 -2.2894003162E+00 + -2.3313720128E+00 -2.3477137003E+00 -2.3377603569E+00 -2.3013795929E+00 + -2.2389778766E+00 -2.1514940893E+00 -2.0403804826E+00 -1.9075714273E+00 + -1.7554406487E+00 -1.5867479306E+00 -1.4045765395E+00 -1.2122628585E+00 + -1.0133199193E+00 -8.1135668374E-01 -6.0999503836E-01 -4.1278653421E-01 + -2.2313091634E-01 -4.4198453621E-02 1.2114200838E-01 2.7038748386E-01 + 4.0145616614E-01 5.1273224549E-01 6.0309909902E-01 6.7196001326E-01 + 7.1924590959E-01 7.4540986621E-01 7.5140856046E-01 7.3867108345E-01 + 7.0905589587E-01 6.6479699371E-01 6.0844062453E-01 5.4277413566E-01 + 4.7074873523E-01 3.9539809406E-01 3.1975491435E-01 2.4676849477E-01 + 1.7925459141E-01 1.1975246654E-01 7.0461488332E-02 3.3222501839E-02 + 9.3918414063E-03 2.6853249310E-04 3.6600216683E-05 -1.0952513168E-05 + 2.9939016893E-12 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + 0. 0. 0. 0. + + + 1.1865686330E+01 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 1.5761898099E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + -9.4601795426E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 -2.2385533066E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + -2.7682085177E+00 + + + + + -1.4416107197E-12 1.3671537550E-02 2.7345220792E-02 4.1023172510E-02 + 5.4707469739E-02 6.8400121077E-02 8.2103044202E-02 9.5818043691E-02 + 1.0954678919E-01 1.2329079401E-01 1.3705139431E-01 1.5082972871E-01 + 1.6462671878E-01 1.7844305007E-01 1.9227915410E-01 2.0613519120E-01 + 2.2001103429E-01 2.3390625381E-01 2.4782010369E-01 2.6175150856E-01 + 2.7569905225E-01 2.8966096769E-01 3.0363512809E-01 3.1761903976E-01 + 3.3160983641E-01 3.4560427503E-01 3.5959873345E-01 3.7358920957E-01 + 3.8757132238E-01 4.0154031458E-01 4.1549105719E-01 4.2941805572E-01 + 4.4331545826E-01 4.5717706528E-01 4.7099634120E-01 4.8476642763E-01 + 4.9848015836E-01 5.1213007586E-01 5.2570844941E-01 5.3920729468E-01 + 5.5261839472E-01 5.6593332219E-01 5.7914346284E-01 5.9224004006E-01 + 6.0521414034E-01 6.1805673961E-01 6.3075873025E-01 6.4331094867E-01 + 6.5570420326E-01 6.6792930270E-01 6.7997708427E-01 6.9183844222E-01 + 7.0350435592E-01 7.1496591774E-01 7.2621436038E-01 7.3724108370E-01 + 7.4803768077E-01 7.5859596305E-01 7.6890798463E-01 7.7896606539E-01 + 7.8876281296E-01 7.9829114342E-01 8.0754430065E-01 8.1651587429E-01 + 8.2519981619E-01 8.3359045536E-01 8.4168251139E-01 8.4947110630E-01 + 8.5695177475E-01 8.6412047279E-01 8.7097358490E-01 8.7750792961E-01 + 8.8372076357E-01 8.8960978409E-01 8.9517313030E-01 9.0040938300E-01 + 9.0531756305E-01 9.0989712864E-01 9.1414797136E-01 9.1807041106E-01 + 9.2166518985E-01 9.2493346498E-01 9.2787680091E-01 9.3049716055E-01 + 9.3279689576E-01 9.3477873716E-01 9.3644578334E-01 9.3780148950E-01 + 9.3884965560E-01 9.3959441405E-01 9.4004021705E-01 9.4019182347E-01 + 9.4005428549E-01 9.3963293490E-01 9.3893336915E-01 9.3796143707E-01 + 9.3672322450E-01 9.3522503953E-01 9.3347339759E-01 9.3147500637E-01 + 9.2923675044E-01 9.2676567574E-01 9.2406897376E-01 9.2115396565E-01 + 9.1802808600E-01 9.1469886649E-01 9.1117391931E-01 9.0746092042E-01 + 9.0356759263E-01 8.9950168853E-01 8.9527097323E-01 8.9088320710E-01 + 8.8634612835E-01 8.8166743558E-01 8.7685477037E-01 8.7191569989E-01 + 8.6685769961E-01 8.6168813619E-01 8.5641425060E-01 8.5104314147E-01 + 8.4558174884E-01 8.4003683837E-01 8.3441498597E-01 8.2872256303E-01 + 8.2296572239E-01 8.1715038489E-01 8.1128222682E-01 8.0536666825E-01 + 7.9940886225E-01 7.9341368510E-01 7.8738572748E-01 7.8132928648E-01 + 7.7524835934E-01 7.6914663863E-01 7.6302750848E-01 7.5689404197E-01 + 7.5074900511E-01 7.4459492037E-01 7.3843419200E-01 7.3226913879E-01 + 7.2610198536E-01 7.1993487042E-01 7.1376984815E-01 7.0760889105E-01 + 7.0145389239E-01 6.9530666875E-01 6.8916896234E-01 6.8304244335E-01 + 6.7692871222E-01 6.7082930185E-01 6.6474567972E-01 6.5867924997E-01 + 6.5263135548E-01 6.4660327975E-01 6.4059624889E-01 6.3461143344E-01 + 6.2864995019E-01 6.2271286393E-01 6.1680118914E-01 6.1091589166E-01 + 6.0505789032E-01 5.9922805843E-01 5.9342722536E-01 5.8765617798E-01 + 5.8191566209E-01 5.7620638379E-01 5.7052901086E-01 5.6488417401E-01 + 5.5927246819E-01 5.5369445377E-01 5.4815065777E-01 5.4264157498E-01 + 5.3716766910E-01 5.3172937381E-01 5.2632709382E-01 5.2096120589E-01 + 5.1563205981E-01 5.1033997938E-01 5.0508526331E-01 4.9986818613E-01 + 4.9468899905E-01 4.8954793081E-01 4.8444518853E-01 4.7938095842E-01 + 4.7435540664E-01 4.6936867998E-01 4.6442090660E-01 4.5951219675E-01 + 4.5464264338E-01 4.4981232288E-01 4.4502129565E-01 4.4026960674E-01 + 4.3555728641E-01 4.3088435078E-01 4.2625080230E-01 4.2165663035E-01 + 4.1710181173E-01 4.1258631118E-01 4.0811008186E-01 4.0367306583E-01 + 3.9927519449E-01 3.9491638908E-01 3.9059656102E-01 3.8631561239E-01 + 3.8207343633E-01 3.7786991739E-01 3.7370493195E-01 3.6957834853E-01 + 3.6549002822E-01 3.6143982492E-01 3.5742758576E-01 3.5345315139E-01 + 3.4951635623E-01 3.4561702887E-01 3.4175499227E-01 3.3793006408E-01 + 3.3414205691E-01 3.3039077857E-01 3.2667603234E-01 3.2299761718E-01 + 3.1935532803E-01 3.1574895594E-01 3.1217828840E-01 3.0864310946E-01 + 3.0514319998E-01 3.0167833780E-01 2.9824829796E-01 2.9485285288E-01 + 2.9149177250E-01 2.8816482450E-01 2.8487177442E-01 2.8161238587E-01 + 2.7838642064E-01 2.7519363886E-01 2.7203379916E-01 2.6890665878E-01 + 2.6581197372E-01 2.6274949889E-01 2.5971898816E-01 2.5672019458E-01 + 2.5375287040E-01 2.5081676725E-01 2.4791163622E-01 2.4503722793E-01 + 2.4219329269E-01 2.3937958055E-01 2.3659584141E-01 2.3384182509E-01 + 2.3111728145E-01 2.2842196043E-01 2.2575561213E-01 2.2311798694E-01 + 2.2050883552E-01 2.1792790897E-01 2.1537495881E-01 2.1284973709E-01 + 2.1035199644E-01 2.0788149013E-01 2.0543797210E-01 2.0302119707E-01 + 2.0063092054E-01 1.9826689884E-01 1.9592888921E-01 1.9361664983E-01 + 1.9132993984E-01 1.8906851941E-01 1.8683214977E-01 1.8462059323E-01 + 1.8243361324E-01 1.8027097441E-01 1.7813244255E-01 1.7601778467E-01 + 1.7392676905E-01 1.7185916525E-01 1.6981474413E-01 1.6779327786E-01 + 1.6579454000E-01 1.6381830544E-01 1.6186435048E-01 1.5993245284E-01 + 1.5802239166E-01 1.5613394751E-01 1.5426690244E-01 1.5242103997E-01 + 1.5059614510E-01 1.4879200434E-01 1.4700840570E-01 1.4524513874E-01 + 1.4350199450E-01 1.4177876561E-01 1.4007524623E-01 1.3839123206E-01 + 1.3672652039E-01 1.3508091004E-01 1.3345420145E-01 1.3184619658E-01 + 1.3025669902E-01 1.2868551391E-01 1.2713244798E-01 1.2559730955E-01 + 1.2407990854E-01 1.2258005642E-01 1.2109756628E-01 1.1963225279E-01 + 1.1818393219E-01 1.1675242233E-01 1.1533754261E-01 1.1393911403E-01 + 1.1255695916E-01 1.1119090216E-01 1.0984076872E-01 1.0850638614E-01 + 1.0718758324E-01 1.0588419044E-01 1.0459603967E-01 1.0332296442E-01 + 1.0206479974E-01 1.0082138219E-01 9.9592549856E-02 9.8378142367E-02 + 9.7178000849E-02 9.5991967943E-02 9.4819887789E-02 9.3661606018E-02 + 9.2516969751E-02 9.1385827583E-02 9.0268029580E-02 8.9163427271E-02 + 8.8071873637E-02 8.6993223103E-02 8.5927331532E-02 8.4874056213E-02 + 8.3833255855E-02 8.2804790576E-02 8.1788521894E-02 8.0784312718E-02 + 7.9792027340E-02 7.8811531424E-02 7.7842691996E-02 7.6885377436E-02 + 7.5939457467E-02 7.5004803148E-02 7.4081286860E-02 7.3168782299E-02 + 7.2267164464E-02 7.1376309651E-02 7.0496095438E-02 6.9626400678E-02 + 6.8767105489E-02 6.7918091241E-02 6.7079240551E-02 6.6250437268E-02 + 6.5431566465E-02 6.4622514428E-02 6.3823168647E-02 6.3033417805E-02 + 6.2253151769E-02 6.1482261576E-02 6.0720639430E-02 5.9968178683E-02 + 5.9224773831E-02 5.8490320505E-02 5.7764715453E-02 5.7047856539E-02 + 5.6339642726E-02 5.5639974072E-02 5.4948751715E-02 5.4265877865E-02 + 5.3591255793E-02 5.2924789824E-02 5.2266385323E-02 5.1615948690E-02 + 5.0973387346E-02 5.0338609723E-02 4.9711525259E-02 4.9092044383E-02 + 4.8480078510E-02 4.7875540027E-02 4.7278342287E-02 4.6688399598E-02 + 4.6105627213E-02 4.5529941322E-02 4.4961259043E-02 4.4399498409E-02 + 4.3844578366E-02 4.3296418756E-02 4.2754940312E-02 4.2220064650E-02 + 4.1691714257E-02 4.1169812485E-02 4.0654283540E-02 4.0145052474E-02 + 3.9642045176E-02 3.9145188364E-02 3.8654409578E-02 3.8169637167E-02 + 3.7690800284E-02 3.7217828877E-02 3.6750653682E-02 3.6289206211E-02 + 3.5833418748E-02 3.5383224337E-02 3.4938556779E-02 3.4499350619E-02 + 3.4065541140E-02 3.3637064357E-02 3.3213857006E-02 3.2795856539E-02 + 3.2383001115E-02 3.1975229593E-02 3.1572481524E-02 3.1174697144E-02 + 3.0781817366E-02 3.0393783776E-02 3.0010538619E-02 2.9632024799E-02 + 2.9258185867E-02 2.8888966019E-02 2.8524310081E-02 2.8164163513E-02 + 2.7808472392E-02 2.7457183411E-02 2.7110243871E-02 2.6767601675E-02 + 2.6429205319E-02 2.6095003891E-02 2.5764947057E-02 2.5438985060E-02 + 2.5117068715E-02 2.4799149396E-02 2.4485179037E-02 2.4175110123E-02 + 2.3868895682E-02 2.3566489284E-02 2.3267845030E-02 2.2972917548E-02 + 2.2681661991E-02 2.2394034023E-02 2.2109989824E-02 2.1829486074E-02 + 2.1552479954E-02 2.1278929139E-02 2.1008791794E-02 2.0742026563E-02 + 2.0478592571E-02 2.0218449415E-02 1.9961557158E-02 1.9707876328E-02 + 1.9457367908E-02 1.9209993333E-02 1.8965714486E-02 1.8724493694E-02 + 1.8486293718E-02 1.8251077756E-02 1.8018809430E-02 1.7789452787E-02 + 1.7562972294E-02 1.7339332830E-02 1.7118499685E-02 1.6900438552E-02 + 1.6685115528E-02 1.6472497104E-02 1.6262550163E-02 1.6055241976E-02 + 1.5850540197E-02 1.5648412859E-02 1.5448828372E-02 1.5251755514E-02 + 1.5057163431E-02 1.4865021633E-02 1.4675299986E-02 1.4487968713E-02 + 1.4302998389E-02 1.4120359932E-02 1.3940024607E-02 1.3761964017E-02 + 1.3586150101E-02 1.3412555129E-02 1.3241151702E-02 1.3071912742E-02 + 1.2904811496E-02 1.2739821525E-02 1.2576916707E-02 1.2416071230E-02 + 1.2257259586E-02 1.2100456576E-02 1.1945637297E-02 1.1792777146E-02 + 1.1641851811E-02 1.1492837274E-02 1.1345709800E-02 1.1200445942E-02 + 1.1057022532E-02 1.0915416678E-02 1.0775605767E-02 1.0637567454E-02 + 1.0501279663E-02 1.0366720584E-02 1.0233868671E-02 1.0102702634E-02 + 9.9732014445E-03 9.8453443231E-03 9.7191107440E-03 9.5944804284E-03 + 9.4714333434E-03 9.3499496980E-03 9.2300099415E-03 9.1115947596E-03 + 8.9946850729E-03 8.8792620333E-03 8.7653070219E-03 8.6528016459E-03 + 8.5417277367E-03 8.4320673468E-03 8.3238027474E-03 8.2169164258E-03 + 8.1113910833E-03 8.0072096322E-03 7.9043551940E-03 7.8028110961E-03 + 7.7025608705E-03 7.6035882506E-03 7.5058771691E-03 7.4094117559E-03 + 7.3141763356E-03 7.2201554252E-03 7.1273337322E-03 7.0356961520E-03 + 6.9452277656E-03 6.8559138380E-03 6.7677398156E-03 6.6806913242E-03 + 6.5947541668E-03 6.5099143217E-03 6.4261579403E-03 6.3434713452E-03 + 6.2618410279E-03 6.1812536470E-03 6.1016960264E-03 6.0231551530E-03 + 5.9456181749E-03 5.8690723996E-03 5.7935052920E-03 5.7189044724E-03 + 5.6452577149E-03 5.5725529455E-03 5.5007782401E-03 5.4299218230E-03 + 5.3599720649E-03 5.2909174810E-03 5.2227467299E-03 5.1554486111E-03 + 5.0890120639E-03 5.0234261654E-03 4.9586801287E-03 4.8947633019E-03 + 4.8316651658E-03 4.7693753326E-03 4.7078835441E-03 4.6471796706E-03 + 4.5872537089E-03 4.5280957807E-03 4.4696961315E-03 4.4120451290E-03 + 4.3551332611E-03 4.2989511353E-03 4.2434894763E-03 4.1887391253E-03 + 4.1346910384E-03 4.0813362850E-03 4.0286660465E-03 3.9766716150E-03 + 3.9253443919E-03 3.8746758866E-03 3.8246577152E-03 3.7752815991E-03 + 3.7265393636E-03 3.6784229369E-03 3.6309243488E-03 3.5840357292E-03 + 3.5377493070E-03 3.4920574091E-03 3.4469524589E-03 3.4024269750E-03 + 3.3584735706E-03 3.3150849518E-03 3.2722539164E-03 3.2299733534E-03 + 3.1882362412E-03 3.1470356468E-03 3.1063647246E-03 3.0662167155E-03 + 3.0265849456E-03 2.9874628254E-03 2.9488438483E-03 2.9107215903E-03 + 2.8730897080E-03 2.8359419388E-03 2.7992720986E-03 2.7630740820E-03 + 2.7273418604E-03 2.6920694817E-03 2.6572510690E-03 2.6228808196E-03 + 2.5889530044E-03 2.5554619668E-03 2.5224021218E-03 2.4897679549E-03 + 2.4575540219E-03 2.4257549470E-03 2.3943654228E-03 2.3633802093E-03 + 2.3327941325E-03 2.3026020844E-03 2.2727990214E-03 2.2433799641E-03 + 2.2143399962E-03 2.1856742638E-03 2.1573779743E-03 2.1294463963E-03 + 2.1018748582E-03 2.0746587479E-03 2.0477935116E-03 2.0212746535E-03 + 1.9950977349E-03 1.9692583734E-03 1.9437522424E-03 1.9185750702E-03 + 1.8937226392E-03 1.8691907858E-03 1.8449753991E-03 1.8210724204E-03 + 1.7974778427E-03 1.7741877102E-03 1.7511981170E-03 1.7285052071E-03 + 1.7061051737E-03 1.6839942582E-03 1.6621687501E-03 1.6406249858E-03 + 1.6193593487E-03 1.5983682680E-03 1.5776482186E-03 1.5571957201E-03 + 1.5370073367E-03 1.5170796760E-03 1.4974093891E-03 1.4779931699E-03 + 1.4588277541E-03 1.4399099192E-03 1.4212364840E-03 1.4028043075E-03 + 1.3846102889E-03 1.3666513671E-03 1.3489245200E-03 1.3314267638E-03 + 1.3141551531E-03 1.2971067801E-03 1.2802787738E-03 1.2636683003E-03 + 1.2472725614E-03 1.2310887951E-03 1.2151142743E-03 1.1993463070E-03 + 1.1837822356E-03 1.1684194361E-03 1.1532553185E-03 1.1382873256E-03 + 1.1235129330E-03 1.1089296485E-03 1.0945350119E-03 1.0803265944E-03 + 1.0663019982E-03 1.0524588562E-03 1.0387948316E-03 1.0253076175E-03 + 1.0119949364E-03 9.9885454026E-04 9.8588420946E-04 9.7308175298E-04 + 9.6044500779E-04 9.4797183858E-04 9.3566013736E-04 9.2350782316E-04 + 9.1151284164E-04 8.9967316478E-04 8.8798679055E-04 8.7645174257E-04 + 8.6506606976E-04 8.5382784607E-04 8.4273517014E-04 8.3178616495E-04 + 8.2097897756E-04 8.1031177880E-04 7.9978276293E-04 7.8939014738E-04 + 7.7913217244E-04 7.6900710096E-04 7.5901321809E-04 7.4914883097E-04 + 7.3941226846E-04 7.2980188086E-04 7.2031603966E-04 7.1095313723E-04 + 7.0171158659E-04 6.9258982111E-04 6.8358629431E-04 6.7469947953E-04 + 6.6592786973E-04 6.5726997722E-04 6.4872433343E-04 6.4028948865E-04 + 6.3196401177E-04 6.2374649009E-04 6.1563552905E-04 6.0762975203E-04 + 5.9972780008E-04 5.9192833172E-04 5.8423002271E-04 5.7663156585E-04 + 5.6913167072E-04 5.6172906352E-04 5.5442248681E-04 5.4721069932E-04 + 5.4009247576E-04 5.3306660658E-04 5.2613189779E-04 5.1928717079E-04 + 5.1253126210E-04 5.0586302325E-04 4.9928132052E-04 4.9278503479E-04 + 4.8637306135E-04 4.8004430969E-04 4.7379770337E-04 4.6763217977E-04 + 4.6154668999E-04 4.5554019860E-04 4.4961168351E-04 4.4376013583E-04 + 4.3798455960E-04 4.3228397175E-04 4.2665740184E-04 4.2110389193E-04 + 4.1562249644E-04 4.1021228195E-04 4.0487232709E-04 3.9960172236E-04 + 3.9439956996E-04 3.8926498369E-04 3.8419708876E-04 3.7919502164E-04 + 3.7425792997E-04 3.6938497236E-04 3.6457531825E-04 3.5982814782E-04 + 3.5514265181E-04 3.5051803139E-04 3.4595349805E-04 3.4144827344E-04 + 3.3700158924E-04 3.3261268707E-04 3.2828081831E-04 3.2400524402E-04 + 3.1978523476E-04 3.1562007055E-04 3.1150904066E-04 3.0745144357E-04 + 3.0344658678E-04 2.9949378675E-04 2.9559236877E-04 2.9174166681E-04 + 2.8794102348E-04 2.8418978985E-04 2.8048732537E-04 2.7683299779E-04 + 2.7322618299E-04 2.6966626492E-04 2.6615263552E-04 2.6268469453E-04 + 2.5926184950E-04 2.5588351558E-04 2.5254911552E-04 2.4925807952E-04 + 2.4600984512E-04 2.4280385714E-04 2.3963956760E-04 2.3651643557E-04 + 2.3343392712E-04 2.3039151523E-04 2.2738867968E-04 2.2442490700E-04 + 2.2149969032E-04 2.1861252937E-04 2.1576293031E-04 2.1295040569E-04 + 2.1017447440E-04 2.0743466150E-04 2.0473049824E-04 2.0206152190E-04 + 1.9942727576E-04 1.9682730901E-04 1.9426117666E-04 1.9172843949E-04 + 1.8922866396E-04 1.8676142213E-04 1.8432629161E-04 1.8192285547E-04 + 1.7955070218E-04 1.7720942553E-04 1.7489862456E-04 1.7261790353E-04 + 1.7036687179E-04 1.6814514377E-04 1.6595233887E-04 1.6378808144E-04 + 1.6165200067E-04 1.5954373058E-04 1.5746290991E-04 1.5540918208E-04 + 1.5338219512E-04 1.5138160164E-04 1.4940705874E-04 1.4745822795E-04 + 1.4553477520E-04 1.4363637074E-04 1.4176268909E-04 1.3991340898E-04 + 1.3808821333E-04 1.3628678915E-04 1.3450882749E-04 1.3275402343E-04 + 1.3102207599E-04 1.2931268808E-04 1.2762556649E-04 1.2596042178E-04 + 1.2431696828E-04 1.2269492401E-04 1.2109401066E-04 1.1951395350E-04 + 1.1795448141E-04 1.1641532673E-04 1.1489622531E-04 1.1339691642E-04 + 1.1191714268E-04 1.1045665008E-04 1.0901518790E-04 1.0759250866E-04 + 1.0618836810E-04 1.0480252511E-04 1.0343474173E-04 1.0208478308E-04 + 1.0075241732E-04 9.9437415617E-05 9.8139552117E-05 9.6858603889E-05 + 9.5594350893E-05 9.4346575949E-05 9.3115064690E-05 9.1899605535E-05 + 9.0699989646E-05 8.9516010896E-05 8.8347465832E-05 8.7194153643E-05 + 8.6055876124E-05 8.4932437641E-05 8.3823645101E-05 8.2729307917E-05 + 8.1649237977E-05 8.0583249609E-05 7.9531159553E-05 7.8492786928E-05 + 7.7467953201E-05 7.6456482157E-05 7.5458199869E-05 7.4472934671E-05 + 7.3500517122E-05 7.2540779984E-05 7.1593558191E-05 7.0658688819E-05 + 6.9736011062E-05 6.8825366201E-05 6.7926597580E-05 6.7039550577E-05 + 6.6164072579E-05 6.5300012955E-05 6.4447223030E-05 6.3605556064E-05 + 6.2774867218E-05 6.1955013541E-05 6.1145853934E-05 6.0347249134E-05 + 5.9559061688E-05 5.8781155928E-05 5.8013397950E-05 5.7255655588E-05 + 5.6507798396E-05 5.5769697623E-05 5.5041226190E-05 5.4322258671E-05 + 5.3612671270E-05 5.2912341800E-05 5.2221149663E-05 5.1538975827E-05 + 5.0865702809E-05 5.0201214653E-05 4.9545396910E-05 4.8898136620E-05 + 4.8259322291E-05 4.7628843879E-05 4.7006592775E-05 4.6392461779E-05 + 4.5786345086E-05 4.5188138266E-05 4.4597738248E-05 4.4015043302E-05 + 4.3439953020E-05 4.2872368301E-05 4.2312191330E-05 4.1759325569E-05 + 4.1213675732E-05 4.0675147773E-05 4.0143648871E-05 3.9619087412E-05 + 3.9101372972E-05 3.8590416305E-05 3.8086129326E-05 3.7588425095E-05 + 3.7097217805E-05 3.6612422764E-05 3.6133956383E-05 3.5661736159E-05 + 3.5195680663E-05 3.4735709528E-05 3.4281743431E-05 3.3833704080E-05 + 3.3391514203E-05 3.2955097536E-05 3.2524378804E-05 3.2099283714E-05 + + + 3.0701365061E-11 4.5992783880E-04 1.8385607881E-03 4.1324511019E-03 + 7.3358657152E-03 1.1440805958E-02 1.6437035047E-02 2.2312113238E-02 + 2.9051440516E-02 3.6638306631E-02 4.5053948296E-02 5.4277613319E-02 + 6.4286631402E-02 7.5056491329E-02 8.6560924240E-02 9.8771992646E-02 + 1.1166018483E-01 1.2519451427E-01 1.3934262362E-01 1.5407089297E-01 + 1.6934455173E-01 1.8512779391E-01 2.0138389615E-01 2.1807533819E-01 + 2.3516392505E-01 2.5261091072E-01 2.7037712260E-01 2.8842308637E-01 + 3.0670915062E-01 3.2519561091E-01 3.4384283261E-01 3.6261137216E-01 + 3.8146209608E-01 4.0035629755E-01 4.1925580976E-01 4.3812311589E-01 + 4.5692145508E-01 4.7561492415E-01 4.9416857462E-01 5.1254850460E-01 + 5.3072194541E-01 5.4865734248E-01 5.6632443035E-01 5.8369430147E-01 + 6.0073946862E-01 6.1743392088E-01 6.3375317285E-01 6.4967430713E-01 + 6.6517600997E-01 6.8023860009E-01 6.9484405061E-01 7.0897600421E-01 + 7.2261978151E-01 7.3576238289E-01 7.4839248373E-01 7.6050042347E-01 + 7.7207818841E-01 7.8311938871E-01 7.9361922972E-01 8.0357447792E-01 + 8.1298342187E-01 8.2184582829E-01 8.3016289380E-01 8.3793719254E-01 + 8.4517262008E-01 8.5187433394E-01 8.5804869116E-01 8.6370318322E-01 + 8.6884636876E-01 8.7348780439E-01 8.7763797408E-01 8.8130821733E-01 + 8.8451065673E-01 8.8725812497E-01 8.8956409184E-01 8.9144259156E-01 + 8.9290815056E-01 8.9397571625E-01 8.9466058690E-01 8.9497834291E-01 + 8.9494477983E-01 8.9457584321E-01 8.9388756560E-01 8.9289600580E-01 + 8.9161719064E-01 8.9006705929E-01 8.8826141037E-01 8.8621585192E-01 + 8.8394575430E-01 8.8146620610E-01 8.7879197316E-01 8.7593746070E-01 + 8.7291667862E-01 8.6974320989E-01 8.6643018224E-01 8.6299024281E-01 + 8.5943553607E-01 8.5577768476E-01 8.5202777382E-01 8.4819633735E-01 + 8.4429334847E-01 8.4032821197E-01 8.3630975971E-01 8.3224624877E-01 + 8.2814536208E-01 8.2401421152E-01 8.1985934350E-01 8.1568674668E-01 + 8.1150186191E-01 8.0730959425E-01 8.0311432686E-01 7.9891993673E-01 + 7.9472981212E-01 7.9054687154E-01 7.8637358424E-01 7.8221199192E-01 + 7.7806373178E-01 7.7393006046E-01 7.6981187910E-01 7.6570975902E-01 + 7.6162396822E-01 7.5755449831E-01 7.5350109188E-01 7.4946327009E-01 + 7.4544036045E-01 7.4143152448E-01 7.3743578530E-01 7.3345205487E-01 + 7.2947916084E-01 7.2551587276E-01 7.2156092770E-01 7.1761305495E-01 + 7.1367099981E-01 7.0973354624E-01 7.0579953845E-01 7.0186790099E-01 + 6.9793765758E-01 6.9400794833E-01 6.9007804538E-01 6.8614736684E-01 + 6.8221548878E-01 6.7828215549E-01 6.7434728795E-01 6.7041099042E-01 + 6.6647355492E-01 6.6253546313E-01 6.5859738694E-01 6.5466011913E-01 + 6.5072445216E-01 6.4679114852E-01 6.4286094313E-01 6.3893454392E-01 + 6.3501263261E-01 6.3109586559E-01 6.2718487461E-01 6.2328026765E-01 + 6.1938262956E-01 6.1549252281E-01 6.1161048820E-01 6.0773704552E-01 + 6.0387269418E-01 6.0001791388E-01 5.9617316520E-01 5.9233889020E-01 + 5.8851551302E-01 5.8470344041E-01 5.8090306229E-01 5.7711475228E-01 + 5.7333886821E-01 5.6957575260E-01 5.6582573317E-01 5.6208912330E-01 + 5.5836622246E-01 5.5465731667E-01 5.5096267892E-01 5.4728256959E-01 + 5.4361723685E-01 5.3996691702E-01 5.3633183499E-01 5.3271220456E-01 + 5.2910822878E-01 5.2552010035E-01 5.2194800186E-01 5.1839210622E-01 + 5.1485257688E-01 5.1132956820E-01 5.0782322568E-01 5.0433368632E-01 + 5.0086107883E-01 4.9740552395E-01 4.9396713465E-01 4.9054601645E-01 + 4.8714226761E-01 4.8375597940E-01 4.8038723632E-01 4.7703611630E-01 + 4.7370269096E-01 4.7038702578E-01 4.6708918033E-01 4.6380920844E-01 + 4.6054715841E-01 4.5730307321E-01 4.5407699062E-01 4.5086894343E-01 + 4.4767895960E-01 4.4450706245E-01 4.4135327075E-01 4.3821759897E-01 + 4.3510005736E-01 4.3200065209E-01 4.2891938546E-01 4.2585625596E-01 + 4.2281125843E-01 4.1978438422E-01 4.1677562126E-01 4.1378495421E-01 + 4.1081236458E-01 4.0785783084E-01 4.0492132852E-01 4.0200283033E-01 + 3.9910230624E-01 3.9621972362E-01 3.9335504730E-01 3.9050823969E-01 + 3.8767926085E-01 3.8486806860E-01 3.8207461860E-01 3.7929886442E-01 + 3.7654075763E-01 3.7380024790E-01 3.7107728303E-01 3.6837180907E-01 + 3.6568377037E-01 3.6301310965E-01 3.6035976807E-01 3.5772368530E-01 + 3.5510479957E-01 3.5250304775E-01 3.4991836541E-01 3.4735068685E-01 + 3.4479994519E-01 3.4226607241E-01 3.3974899940E-01 3.3724865601E-01 + 3.3476497113E-01 3.3229787268E-01 3.2984728771E-01 3.2741314242E-01 + 3.2499536223E-01 3.2259387177E-01 3.2020859498E-01 3.1783945511E-01 + 3.1548637478E-01 3.1314927602E-01 3.1082808029E-01 3.0852270852E-01 + 3.0623308116E-01 3.0395911819E-01 3.0170073917E-01 2.9945786327E-01 + 2.9723040928E-01 2.9501829569E-01 2.9282144064E-01 2.9063976203E-01 + 2.8847317748E-01 2.8632160440E-01 2.8418496000E-01 2.8206316131E-01 + 2.7995612520E-01 2.7786376842E-01 2.7578600762E-01 2.7372275934E-01 + 2.7167394007E-01 2.6963946626E-01 2.6761925433E-01 2.6561322067E-01 + 2.6362128172E-01 2.6164335390E-01 2.5967935372E-01 2.5772919773E-01 + 2.5579280256E-01 2.5387008492E-01 2.5196096164E-01 2.5006534968E-01 + 2.4818316611E-01 2.4631432816E-01 2.4445875323E-01 2.4261635887E-01 + 2.4078706284E-01 2.3897078307E-01 2.3716743773E-01 2.3537694517E-01 + 2.3359922400E-01 2.3183419304E-01 2.3008177138E-01 2.2834187835E-01 + 2.2661443356E-01 2.2489935687E-01 2.2319656844E-01 2.2150598871E-01 + 2.1982753843E-01 2.1816113864E-01 2.1650671068E-01 2.1486417622E-01 + 2.1323345726E-01 2.1161447611E-01 2.1000715543E-01 2.0841141820E-01 + 2.0682718777E-01 2.0525438781E-01 2.0369294237E-01 2.0214277584E-01 + 2.0060381298E-01 1.9907597892E-01 1.9755919915E-01 1.9605339953E-01 + 1.9455850632E-01 1.9307444613E-01 1.9160114597E-01 1.9013853324E-01 + 1.8868653571E-01 1.8724508154E-01 1.8581409931E-01 1.8439351796E-01 + 1.8298326685E-01 1.8158327572E-01 1.8019347473E-01 1.7881379441E-01 + 1.7744416571E-01 1.7608452000E-01 1.7473478901E-01 1.7339490492E-01 + 1.7206480028E-01 1.7074440806E-01 1.6943366164E-01 1.6813249479E-01 + 1.6684084171E-01 1.6555863699E-01 1.6428581562E-01 1.6302231301E-01 + 1.6176806498E-01 1.6052300772E-01 1.5928707787E-01 1.5806021245E-01 + 1.5684234889E-01 1.5563342501E-01 1.5443337905E-01 1.5324214965E-01 + 1.5205967583E-01 1.5088589702E-01 1.4972075306E-01 1.4856418417E-01 + 1.4741613096E-01 1.4627653447E-01 1.4514533609E-01 1.4402247761E-01 + 1.4290790123E-01 1.4180154952E-01 1.4070336543E-01 1.3961329232E-01 + 1.3853127391E-01 1.3745725430E-01 1.3639117798E-01 1.3533298981E-01 + 1.3428263503E-01 1.3324005924E-01 1.3220520843E-01 1.3117802895E-01 + 1.3015846750E-01 1.2914647116E-01 1.2814198739E-01 1.2714496397E-01 + 1.2615534906E-01 1.2517309118E-01 1.2419813919E-01 1.2323044230E-01 + 1.2226995009E-01 1.2131661246E-01 1.2037037966E-01 1.1943120229E-01 + 1.1849903128E-01 1.1757381790E-01 1.1665551375E-01 1.1574407076E-01 + 1.1483944120E-01 1.1394157765E-01 1.1305043302E-01 1.1216596055E-01 + 1.1128811379E-01 1.1041684660E-01 1.0955211316E-01 1.0869386797E-01 + 1.0784206582E-01 1.0699666182E-01 1.0615761138E-01 1.0532487021E-01 + 1.0449839432E-01 1.0367814001E-01 1.0286406388E-01 1.0205612282E-01 + 1.0125427400E-01 1.0045847489E-01 9.9668683243E-02 9.8884857074E-02 + 9.8106954696E-02 9.7334934690E-02 9.6568755913E-02 9.5808377494E-02 + 9.5053758829E-02 9.4304859584E-02 9.3561639686E-02 9.2824059327E-02 + 9.2092078957E-02 9.1365659285E-02 9.0644761274E-02 8.9929346142E-02 + 8.9219375357E-02 8.8514810635E-02 8.7815613941E-02 8.7121747482E-02 + 8.6433173709E-02 8.5749855314E-02 8.5071755225E-02 8.4398836610E-02 + 8.3731062867E-02 8.3068397630E-02 8.2410804763E-02 8.1758248356E-02 + 8.1110692730E-02 8.0468102426E-02 7.9830442212E-02 7.9197677077E-02 + 7.8569772226E-02 7.7946693085E-02 7.7328405297E-02 7.6714874716E-02 + 7.6106067411E-02 7.5501949663E-02 7.4902487960E-02 7.4307648999E-02 + 7.3717399686E-02 7.3131707130E-02 7.2550538642E-02 7.1973861738E-02 + 7.1401644133E-02 7.0833853742E-02 7.0270458679E-02 6.9711427253E-02 + 6.9156727969E-02 6.8606329526E-02 6.8060200816E-02 6.7518310924E-02 + 6.6980629123E-02 6.6447124877E-02 6.5917767838E-02 6.5392527845E-02 + 6.4871374922E-02 6.4354279280E-02 6.3841211311E-02 6.3332141592E-02 + 6.2827040881E-02 6.2325880118E-02 6.1828630421E-02 6.1335263089E-02 + 6.0845749598E-02 6.0360061599E-02 5.9878170924E-02 5.9400049577E-02 + 5.8925669737E-02 5.8455003758E-02 5.7988024164E-02 5.7524703655E-02 + 5.7065015101E-02 5.6608931540E-02 5.6156426183E-02 5.5707472409E-02 + 5.5262043764E-02 5.4820113965E-02 5.4381656892E-02 5.3946646594E-02 + 5.3515057285E-02 5.3086863342E-02 5.2662039308E-02 5.2240559889E-02 + 5.1822399954E-02 5.1407534535E-02 5.0995938824E-02 5.0587588175E-02 + 5.0182458102E-02 4.9780524279E-02 4.9381762538E-02 4.8986148871E-02 + 4.8593659426E-02 4.8204270511E-02 4.7817958589E-02 4.7434700277E-02 + 4.7054472351E-02 4.6677251741E-02 4.6303015528E-02 4.5931740952E-02 + 4.5563405401E-02 4.5197986419E-02 4.4835461700E-02 4.4475809089E-02 + 4.4119006583E-02 4.3765032328E-02 4.3413864620E-02 4.3065481903E-02 + 4.2719862769E-02 4.2376985960E-02 4.2036830362E-02 4.1699375008E-02 + 4.1364599079E-02 4.1032481898E-02 4.0703002934E-02 4.0376141799E-02 + 4.0051878250E-02 3.9730192186E-02 3.9411063645E-02 3.9094472810E-02 + 3.8780400004E-02 3.8468825688E-02 3.8159730463E-02 3.7853095071E-02 + 3.7548900389E-02 3.7247127433E-02 3.6947757354E-02 3.6650771442E-02 + 3.6356151119E-02 3.6063877943E-02 3.5773933607E-02 3.5486299935E-02 + 3.5200958886E-02 3.4917892549E-02 3.4637083144E-02 3.4358513024E-02 + 3.4082164668E-02 3.3808020687E-02 3.3536063819E-02 3.3266276931E-02 + 3.2998643014E-02 3.2733145188E-02 3.2469766697E-02 3.2208490910E-02 + 3.1949301320E-02 3.1692181544E-02 3.1437115320E-02 3.1184086510E-02 + 3.0933079095E-02 3.0684077176E-02 3.0437064977E-02 3.0192026836E-02 + 2.9948947214E-02 2.9707810686E-02 2.9468601944E-02 2.9231305797E-02 + 2.8995907170E-02 2.8762391100E-02 2.8530742739E-02 2.8300947353E-02 + 2.8072990317E-02 2.7846857122E-02 2.7622533365E-02 2.7400004757E-02 + 2.7179257115E-02 2.6960276368E-02 2.6743048550E-02 2.6527559803E-02 + 2.6313796375E-02 2.6101744620E-02 2.5891390997E-02 2.5682722070E-02 + 2.5475724504E-02 2.5270385069E-02 2.5066690636E-02 2.4864628177E-02 + 2.4664184765E-02 2.4465347574E-02 2.4268103875E-02 2.4072441039E-02 + 2.3878346534E-02 2.3685807925E-02 2.3494812874E-02 2.3305349139E-02 + 2.3117404571E-02 2.2930967116E-02 2.2746024816E-02 2.2562565804E-02 + 2.2380578303E-02 2.2200050632E-02 2.2020971197E-02 2.1843328498E-02 + 2.1667111121E-02 2.1492307742E-02 2.1318907126E-02 2.1146898126E-02 + 2.0976269681E-02 2.0807010815E-02 2.0639110641E-02 2.0472558353E-02 + 2.0307343233E-02 2.0143454645E-02 1.9980882035E-02 1.9819614934E-02 + 1.9659642954E-02 1.9500955787E-02 1.9343543206E-02 1.9187395067E-02 + 1.9032501300E-02 1.8878851920E-02 1.8726437014E-02 1.8575246752E-02 + 1.8425271379E-02 1.8276501214E-02 1.8128926657E-02 1.7982538178E-02 + 1.7837326327E-02 1.7693281723E-02 1.7550395062E-02 1.7408657113E-02 + 1.7268058716E-02 1.7128590783E-02 1.6990244299E-02 1.6853010318E-02 + 1.6716879967E-02 1.6581844438E-02 1.6447894998E-02 1.6315022979E-02 + 1.6183219781E-02 1.6052476874E-02 1.5922785794E-02 1.5794138143E-02 + 1.5666525590E-02 1.5539939870E-02 1.5414372781E-02 1.5289816187E-02 + 1.5166262018E-02 1.5043702264E-02 1.4922128981E-02 1.4801534286E-02 + 1.4681910358E-02 1.4563249440E-02 1.4445543834E-02 1.4328785903E-02 + 1.4212968071E-02 1.4098082822E-02 1.3984122697E-02 1.3871080299E-02 + 1.3758948288E-02 1.3647719383E-02 1.3537386358E-02 1.3427942046E-02 + 1.3319379337E-02 1.3211691176E-02 1.3104870565E-02 1.2998910561E-02 + 1.2893804274E-02 1.2789544872E-02 1.2686125573E-02 1.2583539654E-02 + 1.2481780439E-02 1.2380841309E-02 1.2280715697E-02 1.2181397086E-02 + 1.2082879013E-02 1.1985155065E-02 1.1888218880E-02 1.1792064145E-02 + 1.1696684600E-02 1.1602074032E-02 1.1508226278E-02 1.1415135225E-02 + 1.1322794808E-02 1.1231199008E-02 1.1140341856E-02 1.1050217430E-02 + 1.0960819855E-02 1.0872143301E-02 1.0784181988E-02 1.0696930177E-02 + 1.0610382179E-02 1.0524532347E-02 1.0439375081E-02 1.0354904824E-02 + 1.0271116064E-02 1.0188003332E-02 1.0105561204E-02 1.0023784297E-02 + 9.9426672721E-03 9.8622048328E-03 9.7823917243E-03 9.7032227340E-03 + 9.6246926903E-03 9.5467964631E-03 9.4695289630E-03 9.3928851410E-03 + 9.3168599883E-03 9.2414485360E-03 9.1666458549E-03 9.0924470546E-03 + 9.0188472841E-03 8.9458417308E-03 8.8734256204E-03 8.8015942167E-03 + 8.7303428212E-03 8.6596667728E-03 8.5895614476E-03 8.5200222585E-03 + 8.4510446548E-03 8.3826241225E-03 8.3147561831E-03 8.2474363940E-03 + 8.1806603481E-03 8.1144236734E-03 8.0487220326E-03 7.9835511232E-03 + 7.9189066770E-03 7.8547844597E-03 7.7911802709E-03 7.7280899436E-03 + 7.6655093443E-03 7.6034343723E-03 7.5418609595E-03 7.4807850706E-03 + 7.4202027024E-03 7.3601098835E-03 7.3005026743E-03 7.2413771668E-03 + 7.1827294841E-03 7.1245557802E-03 7.0668522400E-03 7.0096150788E-03 + 6.9528405420E-03 6.8965249053E-03 6.8406644739E-03 6.7852555826E-03 + 6.7302945957E-03 6.6757779063E-03 6.6217019364E-03 6.5680631367E-03 + 6.5148579862E-03 6.4620829922E-03 6.4097346898E-03 6.3578096418E-03 + 6.3063044387E-03 6.2552156979E-03 6.2045400644E-03 6.1542742095E-03 + 6.1044148315E-03 6.0549586551E-03 6.0059024311E-03 5.9572429363E-03 + 5.9089769734E-03 5.8611013708E-03 5.8136129819E-03 5.7665086858E-03 + 5.7197853863E-03 5.6734400121E-03 5.6274695163E-03 5.5818708769E-03 + 5.5366410955E-03 5.4917771982E-03 5.4472762348E-03 5.4031352785E-03 + 5.3593514264E-03 5.3159217985E-03 5.2728435380E-03 5.2301138112E-03 + 5.1877298068E-03 5.1456887362E-03 5.1039878332E-03 5.0626243538E-03 + 5.0215955759E-03 4.9808987992E-03 4.9405313453E-03 4.9004905571E-03 + 4.8607737989E-03 4.8213784560E-03 4.7823019349E-03 4.7435416627E-03 + 4.7050950874E-03 4.6669596773E-03 4.6291329209E-03 4.5916123273E-03 + 4.5543954251E-03 4.5174797632E-03 4.4808629097E-03 4.4445424527E-03 + 4.4085159993E-03 4.3727811761E-03 4.3373356286E-03 4.3021770211E-03 + 4.2673030371E-03 4.2327113782E-03 4.1983997648E-03 4.1643659355E-03 + 4.1306076470E-03 4.0971226742E-03 4.0639088099E-03 4.0309638643E-03 + 3.9982856656E-03 3.9658720592E-03 3.9337209080E-03 3.9018300920E-03 + 3.8701975082E-03 3.8388210706E-03 3.8076987099E-03 3.7768283735E-03 + 3.7462080253E-03 3.7158356455E-03 3.6857092306E-03 3.6558267933E-03 + 3.6261863621E-03 3.5967859816E-03 3.5676237119E-03 3.5386976289E-03 + 3.5100058239E-03 3.4815464034E-03 3.4533174894E-03 3.4253172189E-03 + 3.3975437440E-03 3.3699952314E-03 3.3426698629E-03 3.3155658346E-03 + 3.2886813574E-03 3.2620146566E-03 3.2355639715E-03 3.2093275558E-03 + 3.1833036774E-03 3.1574906178E-03 3.1318866725E-03 3.1064901509E-03 + 3.0812993758E-03 3.0563126835E-03 3.0315284239E-03 3.0069449599E-03 + 2.9825606679E-03 2.9583739373E-03 2.9343831702E-03 2.9105867820E-03 + 2.8869832005E-03 2.8635708664E-03 2.8403482329E-03 2.8173137657E-03 + 2.7944659428E-03 2.7718032544E-03 2.7493242031E-03 2.7270273034E-03 + 2.7049110818E-03 2.6829740767E-03 2.6612148382E-03 2.6396319284E-03 + 2.6182239205E-03 2.5969893996E-03 2.5759269620E-03 2.5550352155E-03 + 2.5343127789E-03 2.5137582824E-03 2.4933703670E-03 2.4731476848E-03 + 2.4530888988E-03 2.4331926827E-03 2.4134577209E-03 2.3938827085E-03 + 2.3744663510E-03 2.3552073645E-03 2.3361044754E-03 2.3171564202E-03 + 2.2983619458E-03 2.2797198093E-03 2.2612287776E-03 2.2428876275E-03 + 2.2246951461E-03 2.2066501298E-03 2.1887513849E-03 2.1709977275E-03 + 2.1533879831E-03 2.1359209865E-03 2.1185955823E-03 2.1014106242E-03 + 2.0843649751E-03 2.0674575072E-03 2.0506871018E-03 2.0340526491E-03 + 2.0175530485E-03 2.0011872081E-03 1.9849540448E-03 1.9688524844E-03 + 1.9528814613E-03 1.9370399184E-03 1.9213268074E-03 1.9057410881E-03 + 1.8902817290E-03 1.8749477069E-03 1.8597380067E-03 1.8446516217E-03 + 1.8296875531E-03 1.8148448105E-03 1.8001224111E-03 1.7855193804E-03 + 1.7710347515E-03 1.7566675656E-03 1.7424168713E-03 1.7282817251E-03 + 1.7142611912E-03 1.7003543412E-03 1.6865602543E-03 1.6728780170E-03 + 1.6593067233E-03 1.6458454746E-03 1.6324933794E-03 1.6192495535E-03 + 1.6061131199E-03 1.5930832084E-03 1.5801589562E-03 1.5673395073E-03 + 1.5546240127E-03 1.5420116301E-03 1.5295015241E-03 1.5170928662E-03 + 1.5047848344E-03 1.4925766134E-03 1.4804673945E-03 1.4684563755E-03 + 1.4565427609E-03 1.4447257613E-03 1.4330045939E-03 1.4213784822E-03 + 1.4098466560E-03 1.3984083512E-03 1.3870628100E-03 1.3758092807E-03 + 1.3646470177E-03 1.3535752814E-03 1.3425933382E-03 1.3317004604E-03 + 1.3208959262E-03 1.3101790196E-03 1.2995490306E-03 1.2890052547E-03 + + + + 3.4226671206E+00 3.4193884400E+00 3.4095700276E+00 3.3932646520E+00 + 3.3705597633E+00 3.3415767620E+00 3.3064699827E+00 3.2654254077E+00 + 3.2186591228E+00 3.1664155340E+00 3.1089653635E+00 3.0466034467E+00 + 2.9796463546E+00 2.9084298660E+00 2.8333063175E+00 2.7546418573E+00 + 2.6728136327E+00 2.5882069397E+00 2.5012123620E+00 2.4122229293E+00 + 2.3216313216E+00 2.2298271452E+00 2.1371943066E+00 2.0441085068E+00 + 1.9509348774E+00 1.8580257784E+00 1.7657187740E+00 1.6743348007E+00 + 1.5841765413E+00 1.4955270114E+00 1.4086483678E+00 1.3237809400E+00 + 1.2411424888E+00 1.1609276883E+00 1.0833078286E+00 1.0084307337E+00 + 9.3642088479E-01 8.6737973929E-01 8.0138623442E-01 7.3849746008E-01 + 6.7874948722E-01 6.2215833512E-01 5.6872106077E-01 5.1841695301E-01 + 4.7120881344E-01 4.2704430626E-01 3.8585735934E-01 3.4756959903E-01 + 3.1209180199E-01 2.7932534785E-01 2.4916365762E-01 2.2149360368E-01 + 1.9619687861E-01 1.7315131105E-01 1.5223211840E-01 1.3331308767E-01 + 1.1626767682E-01 1.0097003087E-01 8.7295908216E-02 7.5123513989E-02 + 6.4334238792E-02 5.4813302307E-02 4.6450302516E-02 3.9139672379E-02 + 3.2781046805E-02 2.7279543644E-02 2.2545963198E-02 1.8496911410E-02 + 1.5054852385E-02 1.2148096359E-02 9.7107294512E-03 7.6824917925E-03 + 6.0086106103E-03 4.6395948859E-03 3.5309980390E-03 2.6431549074E-03 + 1.9408990064E-03 1.3932657200E-03 9.7318668442E-04 6.5718019403E-04 + 4.2504200400E-04 2.5954042012E-04 1.4611907887E-04 7.2610327592E-05 + 2.8961629342E-05 6.9769455846E-06 7.4598152268E-08 3.0626864441E-06 + 1.1932740329E-05 2.3671927681E-05 3.6093810389E-05 4.7687355783E-05 + 5.7483662603E-05 6.4939651889E-05 6.9837802922E-05 7.2200881229E-05 + 7.2220507810E-05 7.0198353894E-05 6.6498710821E-05 6.1511177323E-05 + 5.5622223074E-05 4.9194424806E-05 4.2552226121E-05 3.5973141044E-05 + 2.9683401237E-05 2.3857134464E-05 1.8618254737E-05 1.4044339654E-05 + 1.0171865832E-05 7.0022666338E-06 4.5083661027E-06 2.6408276370E-06 + 1.3343341810E-06 5.1328814408E-07 9.6882649488E-08 3.4515872743E-09 + 1.5405330731E-07 4.7528262157E-07 9.0133763638E-07 1.3753928215E-06 + 1.8503478040E-06 2.2890335150E-06 2.6639641257E-06 2.9567254423E-06 + 3.1570888303E-06 3.2619350505E-06 3.2740653274E-06 3.2009681438E-06 + 3.0536003797E-06 2.8452309248E-06 2.5903843097E-06 2.3039116595E-06 + 2.0002066410E-06 1.6925753078E-06 1.3927610836E-06 1.1106196270E-06 + 8.5393304274E-07 6.2834889266E-07 4.3742663866E-07 2.8277245206E-07 + 1.6424263886E-07 8.0196141689E-08 2.7777532022E-08 3.2134654594E-09 + 2.1075693592E-09 1.9721057324E-08 5.1228845858E-08 9.1943487686E-08 + 1.3750171919E-07 1.8401075865E-07 2.2815361007E-07 2.6725448129E-07 + 2.9930697110E-07 3.2296889829E-07 3.3752853840E-07 3.4284760547E-07 + 3.3928658771E-07 3.2761804847E-07 3.0893327080E-07 2.8454719841E-07 + 2.5590604724E-07 2.2450127947E-07 1.9179287756E-07 1.5914408063E-07 + 1.2776897548E-07 9.8693604703E-08 7.2730588462E-08 5.0466674169E-08 + 3.2262143227E-08 1.8261351602E-08 8.4057761810E-09 2.4724492374E-09 + 1.0205523288E-10 1.0982389522E-11 -4.9315572528E-13 -2.2004792874E-13 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 0.0000000000E+00 + + + 0.0000000000E+00 3.7466801240E-04 1.5090434234E-03 3.4341099740E-03 + 6.2010741937E-03 9.8807212906E-03 1.4562524219E-02 2.0353516582E-02 + 2.7376942826E-02 3.5770701829E-02 4.5685602392E-02 5.7283451359E-02 + 7.0734996982E-02 8.6217751800E-02 1.0391372063E-01 1.2400706022E-01 + 1.4668169793E-01 1.7211893676E-01 2.0049507462E-01 2.3197906471E-01 + 2.6673024363E-01 3.0489615271E-01 3.4661047653E-01 3.9199112134E-01 + 4.4113845379E-01 4.9413371869E-01 5.5103765190E-01 6.1188930202E-01 + 6.7670507214E-01 7.4547798988E-01 8.1817721137E-01 8.9474776203E-01 + 9.7511051406E-01 1.0591623980E+00 1.1467768429E+00 1.2378044374E+00 + 1.3320738010E+00 1.4293926535E+00 1.5295490681E+00 1.6323128915E+00 + 1.7374373137E+00 1.8446605682E+00 1.9537077428E+00 2.0642926804E+00 + 2.1761199480E+00 2.2888868534E+00 2.4022854880E+00 2.5160047747E+00 + 2.6297325013E+00 2.7431573190E+00 2.8559706890E+00 2.9678687585E+00 + 3.0785541522E+00 3.1877376633E+00 3.2951398333E+00 3.4004924074E+00 + 3.5035396598E+00 3.6040395782E+00 3.7017649048E+00 3.7965040283E+00 + 3.8880617271E+00 3.9762597612E+00 4.0609373160E+00 4.1419513005E+00 + 4.2191765042E+00 4.2925056178E+00 4.3618491255E+00 4.4271350757E+00 + 4.4883087385E+00 4.5453321607E+00 4.5981836253E+00 4.6468570288E+00 + 4.6913611834E+00 4.7317190572E+00 4.7679669604E+00 4.8001536901E+00 + 4.8283396413E+00 4.8525958944E+00 4.8730032901E+00 4.8896514964E+00 + 4.9026380801E+00 4.9120675863E+00 4.9180506350E+00 4.9207030403E+00 + 4.9201449561E+00 4.9165000550E+00 4.9098947429E+00 4.9004574122E+00 + 4.8883177378E+00 4.8736060158E+00 4.8564525477E+00 4.8369870701E+00 + 4.8153382306E+00 4.7916331093E+00 4.7659967862E+00 4.7385519516E+00 + 4.7094185613E+00 4.6787135320E+00 4.6465504774E+00 4.6130394818E+00 + 4.5782869099E+00 4.5423952508E+00 4.5054629933E+00 4.4675845313E+00 + 4.4288500963E+00 4.3893457159E+00 4.3491531950E+00 4.3083501190E+00 + 4.2670098764E+00 4.2252016992E+00 4.1829907191E+00 4.1404380386E+00 + 4.0976008156E+00 4.0545323584E+00 4.0112822326E+00 3.9678963767E+00 + 3.9244172256E+00 3.8808838421E+00 3.8373320541E+00 3.7937945975E+00 + 3.7503012638E+00 3.7068790513E+00 3.6635523195E+00 3.6203429458E+00 + 3.5772704844E+00 3.5343523250E+00 3.4916038529E+00 3.4490386078E+00 + 3.4066684425E+00 3.3645036779E+00 3.3225532572E+00 3.2808248944E+00 + 3.2393252212E+00 3.1980599301E+00 3.1570339113E+00 3.1162513833E+00 + 3.0757160328E+00 3.0354313202E+00 2.9954009467E+00 2.9556290193E+00 + 2.9161200788E+00 2.8768791651E+00 2.8379118513E+00 2.7992242697E+00 + 2.7608231239E+00 2.7227156869E+00 2.6849097897E+00 2.6474134452E+00 + 2.6102342134E+00 2.5733790636E+00 2.5368544062E+00 2.5006661143E+00 + 2.4648195466E+00 2.4293195690E+00 2.3941705760E+00 2.3593765111E+00 + 2.3249408869E+00 2.2908668043E+00 2.2571569710E+00 2.2238137194E+00 + 2.1908390244E+00 2.1582345199E+00 2.1260015152E+00 2.0941410104E+00 + 2.0626537118E+00 2.0315400464E+00 2.0008001756E+00 1.9704340093E+00 + 1.9404412186E+00 1.9108212481E+00 1.8815733285E+00 1.8526964879E+00 + 1.8241895630E+00 1.7960512097E+00 1.7682799136E+00 1.7408740000E+00 + 1.7138316430E+00 1.6871508750E+00 1.6608295953E+00 1.6348655785E+00 + 1.6092564826E+00 1.5839998566E+00 1.5590931480E+00 1.5345337098E+00 + 1.5103188073E+00 1.4864456247E+00 1.4629112711E+00 1.4397127865E+00 + 1.4168471475E+00 1.3943112726E+00 1.3721020276E+00 1.3502162302E+00 + 1.3286506551E+00 1.3074020379E+00 1.2864670802E+00 1.2658424529E+00 + 1.2455248004E+00 1.2255107445E+00 1.2057968874E+00 1.1863798155E+00 + 1.1672561024E+00 1.1484223118E+00 1.1298750006E+00 1.1116107214E+00 + 1.0936260250E+00 1.0759174632E+00 1.0584815907E+00 1.0413149676E+00 + 1.0244141611E+00 1.0077757477E+00 9.9139631503E-01 9.7527246340E-01 + 9.5940080758E-01 9.4377797823E-01 9.2840062338E-01 9.1326540974E-01 + 8.9836902397E-01 8.8370817386E-01 8.6927958938E-01 8.5508002378E-01 + 8.4110625446E-01 8.2735508389E-01 8.1382334044E-01 8.0050787909E-01 + 7.8740558215E-01 7.7451335991E-01 7.6182815119E-01 7.4934692390E-01 + 7.3706667551E-01 7.2498443347E-01 7.1309725565E-01 7.0140223064E-01 + 6.8989647806E-01 6.7857714886E-01 6.6744142555E-01 6.5648652236E-01 + 6.4570968545E-01 6.3510819302E-01 6.2467935542E-01 6.1442051522E-01 + 6.0432904728E-01 5.9440235876E-01 5.8463788911E-01 5.7503311007E-01 + 5.6558552562E-01 5.5629267191E-01 5.4715211718E-01 5.3816146166E-01 + 5.2931833746E-01 5.2062040843E-01 5.1206537001E-01 5.0365094908E-01 + 4.9537490378E-01 4.8723502331E-01 4.7922912776E-01 4.7135506786E-01 + 4.6361072480E-01 4.5599400999E-01 4.4850286482E-01 4.4113526041E-01 + 4.3388919736E-01 4.2676270551E-01 4.1975384365E-01 4.1286069927E-01 + 4.0608138825E-01 3.9941405465E-01 3.9285687033E-01 3.8640803475E-01 + 3.8006577462E-01 3.7382834363E-01 3.6769402216E-01 3.6166111695E-01 + 3.5572796084E-01 3.4989291243E-01 3.4415435580E-01 3.3851070018E-01 + 3.3296037968E-01 3.2750185296E-01 3.2213360292E-01 3.1685413640E-01 + 3.1166198389E-01 3.0655569920E-01 3.0153385915E-01 2.9659506329E-01 + 2.9173793359E-01 2.8696111414E-01 2.8226327081E-01 2.7764309102E-01 + 2.7309928337E-01 2.6863057741E-01 2.6423572329E-01 2.5991349150E-01 + 2.5566267257E-01 2.5148207677E-01 2.4737053385E-01 2.4332689274E-01 + 2.3935002126E-01 2.3543880586E-01 2.3159215131E-01 2.2780898048E-01 + 2.2408823402E-01 2.2042887011E-01 2.1682986419E-01 2.1329020870E-01 + 2.0980891283E-01 2.0638500224E-01 2.0301751879E-01 1.9970552036E-01 + 1.9644808051E-01 1.9324428831E-01 1.9009324803E-01 1.8699407896E-01 + 1.8394591514E-01 1.8094790510E-01 1.7799921170E-01 1.7509901183E-01 + 1.7224649622E-01 1.6944086921E-01 1.6668134853E-01 1.6396716508E-01 + 1.6129756273E-01 1.5867179807E-01 1.5608914025E-01 1.5354887075E-01 + 1.5105028317E-01 1.4859268306E-01 1.4617538766E-01 1.4379772580E-01 + 1.4145903763E-01 1.3915867446E-01 1.3689599857E-01 1.3467038304E-01 + 1.3248121155E-01 1.3032787822E-01 1.2820978741E-01 1.2612635359E-01 + 1.2407700111E-01 1.2206116410E-01 1.2007828625E-01 1.1812782069E-01 + 1.1620922979E-01 1.1432198502E-01 1.1246556684E-01 1.1063946445E-01 + 1.0884317574E-01 1.0707620708E-01 1.0533807321E-01 1.0362829706E-01 + 1.0194640964E-01 1.0029194991E-01 9.8664464610E-02 9.7063508143E-02 + 9.5488642455E-02 9.3939436887E-02 9.2415468062E-02 9.0916319748E-02 + 8.9441582746E-02 8.7990854760E-02 8.6563740283E-02 8.5159850481E-02 + 8.3778803074E-02 8.2420222224E-02 8.1083738425E-02 7.9768988395E-02 + 7.8475614966E-02 7.7203266978E-02 7.5951599177E-02 7.4720272114E-02 + 7.3508952039E-02 7.2317310812E-02 7.1145025795E-02 6.9991779765E-02 + 6.8857260818E-02 6.7741162276E-02 6.6643182596E-02 6.5563025284E-02 + 6.4500398806E-02 6.3455016501E-02 6.2426596500E-02 6.1414861639E-02 + 6.0419539382E-02 5.9440361739E-02 5.8477065185E-02 5.7529390587E-02 + 5.6597083127E-02 5.5679892225E-02 5.4777571471E-02 5.3889878546E-02 + 5.3016575158E-02 5.2157426970E-02 5.1312203531E-02 5.0480678211E-02 + 4.9662628131E-02 4.8857834107E-02 4.8066080576E-02 4.7287155543E-02 + 4.6520850513E-02 4.5766960436E-02 4.5025283643E-02 4.4295621793E-02 + 4.3577779813E-02 4.2871565841E-02 4.2176791177E-02 4.1493270221E-02 + 4.0820820425E-02 4.0159262241E-02 3.9508419069E-02 3.8868117204E-02 + 3.8238185793E-02 3.7618456780E-02 3.7008764862E-02 3.6408947444E-02 + 3.5818844587E-02 3.5238298971E-02 3.4667155842E-02 3.4105262978E-02 + 3.3552470637E-02 3.3008631522E-02 3.2473600739E-02 3.1947235750E-02 + 3.1429396343E-02 3.0919944587E-02 3.0418744794E-02 2.9925663483E-02 + 2.9440569343E-02 2.8963333196E-02 2.8493827960E-02 2.8031928619E-02 + 2.7577512182E-02 2.7130457654E-02 2.6690646000E-02 2.6257960116E-02 + 2.5832284793E-02 2.5413506686E-02 2.5001514288E-02 2.4596197892E-02 + 2.4197449569E-02 2.3805163131E-02 2.3419234110E-02 2.3039559724E-02 + 2.2666038850E-02 2.2298572001E-02 2.1937061294E-02 2.1581410426E-02 + 2.1231524647E-02 2.0887310737E-02 2.0548676980E-02 2.0215533137E-02 + 1.9887790425E-02 1.9565361492E-02 1.9248160393E-02 1.8936102568E-02 + 1.8629104822E-02 1.8327085296E-02 1.8029963454E-02 1.7737660053E-02 + 1.7450097129E-02 1.7167197972E-02 1.6888887109E-02 1.6615090281E-02 + 1.6345734424E-02 1.6080747652E-02 1.5820059235E-02 1.5563599583E-02 + 1.5311300225E-02 1.5063093795E-02 1.4818914009E-02 1.4578695652E-02 + 1.4342374557E-02 1.4109887593E-02 1.3881172645E-02 1.3656168597E-02 + 1.3434815320E-02 1.3217053649E-02 1.3002825379E-02 1.2792073236E-02 + 1.2584740873E-02 1.2380772851E-02 1.2180114622E-02 1.1982712521E-02 + 1.1788513744E-02 1.1597466343E-02 1.1409519204E-02 1.1224622040E-02 + 1.1042725373E-02 1.0863780527E-02 1.0687739607E-02 1.0514555495E-02 + 1.0344181832E-02 1.0176573007E-02 1.0011684147E-02 9.8494711034E-03 + 9.6898904403E-03 9.5328994247E-03 9.3784560136E-03 9.2265188441E-03 + 9.0770472221E-03 8.9300011115E-03 8.7853411240E-03 8.6430285086E-03 + 8.5030251412E-03 8.3652935151E-03 8.2297967307E-03 8.0964984860E-03 + 7.9653630668E-03 7.8363553375E-03 7.7094407320E-03 7.5845852442E-03 + 7.4617554193E-03 7.3409183447E-03 7.2220416419E-03 7.1050934570E-03 + 6.9900424533E-03 6.8768578022E-03 6.7655091756E-03 6.6559667374E-03 + 6.5482011361E-03 6.4421834966E-03 6.3378854126E-03 6.2352789393E-03 + 6.1343365858E-03 6.0350313077E-03 5.9373365003E-03 5.8412259910E-03 + 5.7466740327E-03 5.6536552967E-03 5.5621448663E-03 5.4721182298E-03 + 5.3835512741E-03 5.2964202782E-03 5.2107019072E-03 5.1263732055E-03 + 5.0434115910E-03 4.9617948491E-03 4.8815011267E-03 4.8025089262E-03 + 4.7247970999E-03 4.6483448444E-03 4.5731316948E-03 4.4991375193E-03 + 4.4263425140E-03 4.3547271972E-03 4.2842724044E-03 4.2149592834E-03 + 4.1467692887E-03 4.0796841767E-03 4.0136860012E-03 3.9487571079E-03 + 3.8848801302E-03 3.8220379843E-03 3.7602138644E-03 3.6993912387E-03 + 3.6395538445E-03 3.5806856838E-03 3.5227710193E-03 3.4657943700E-03 + 3.4097405070E-03 3.3545944493E-03 3.3003414600E-03 3.2469670420E-03 + 3.1944569346E-03 3.1427971090E-03 3.0919737650E-03 3.0419733271E-03 + 2.9927824408E-03 2.9443879691E-03 2.8967769888E-03 2.8499367872E-03 + 2.8038548585E-03 2.7585189005E-03 2.7139168113E-03 2.6700366859E-03 + 2.6268668132E-03 2.5843956726E-03 2.5426119310E-03 2.5015044398E-03 + 2.4610622318E-03 2.4212745183E-03 2.3821306860E-03 2.3436202945E-03 + 2.3057330731E-03 2.2684589181E-03 2.2317878905E-03 2.1957102125E-03 + 2.1602162658E-03 2.1252965881E-03 2.0909418712E-03 2.0571429583E-03 + 2.0238908414E-03 1.9911766589E-03 1.9589916935E-03 1.9273273694E-03 + 1.8961752501E-03 1.8655270366E-03 1.8353745643E-03 1.8057098018E-03 + 1.7765248478E-03 1.7478119296E-03 1.7195634007E-03 1.6917717389E-03 + 1.6644295440E-03 1.6375295363E-03 1.6110645541E-03 1.5850275522E-03 + 1.5594115996E-03 1.5342098781E-03 1.5094156800E-03 1.4850224067E-03 + 1.4610235665E-03 1.4374127733E-03 1.4141837446E-03 1.3913302997E-03 + 1.3688463584E-03 1.3467259393E-03 1.3249631577E-03 1.3035522247E-03 + 1.2824874452E-03 1.2617632165E-03 1.2413740268E-03 1.2213144538E-03 + 1.2015791631E-03 1.1821629067E-03 1.1630605219E-03 1.1442669296E-03 + 1.1257771332E-03 1.1075862170E-03 1.0896893450E-03 1.0720817598E-03 + 1.0547587808E-03 1.0377158036E-03 1.0209482982E-03 1.0044518083E-03 + 9.8822194947E-04 9.7225440866E-04 9.5654494255E-04 9.4108937665E-04 + 9.2588360409E-04 9.1092358455E-04 8.9620534317E-04 8.8172496951E-04 + 8.6747861648E-04 8.5346249928E-04 8.3967289446E-04 8.2610613886E-04 + 8.1275862868E-04 7.9962681846E-04 7.8670722018E-04 7.7399640229E-04 + 7.6149098885E-04 7.4918765854E-04 7.3708314386E-04 7.2517423019E-04 + 7.1345775497E-04 7.0193060685E-04 6.9058972483E-04 6.7943209750E-04 + 6.6845476216E-04 6.5765480409E-04 6.4702935574E-04 6.3657559599E-04 + 6.2629074938E-04 6.1617208533E-04 6.0621691751E-04 5.9642260303E-04 + 5.8678654178E-04 5.7730617571E-04 5.6797898819E-04 5.5880250329E-04 + 5.4977428514E-04 5.4089193730E-04 5.3215310208E-04 5.2355545996E-04 + 5.1509672893E-04 5.0677466388E-04 4.9858705606E-04 4.9053173241E-04 + 4.8260655504E-04 4.7480942064E-04 4.6713825993E-04 4.5959103707E-04 + 4.5216574918E-04 4.4486042575E-04 4.3767312814E-04 4.3060194909E-04 + 4.2364501214E-04 4.1680047122E-04 4.1006651007E-04 4.0344134184E-04 + 3.9692320854E-04 3.9051038063E-04 3.8420115652E-04 3.7799386215E-04 + 3.7188685049E-04 3.6587850119E-04 3.5996722006E-04 3.5415143870E-04 + 3.4842961405E-04 3.4280022802E-04 3.3726178704E-04 3.3181282170E-04 + 3.2645188634E-04 3.2117755866E-04 3.1598843936E-04 3.1088315175E-04 + 3.0586034140E-04 3.0091867579E-04 2.9605684389E-04 2.9127355591E-04 + 2.8656754289E-04 2.8193755636E-04 2.7738236806E-04 2.7290076955E-04 + 2.6849157195E-04 2.6415360557E-04 2.5988571964E-04 2.5568678198E-04 + 2.5155567870E-04 2.4749131393E-04 2.4349260949E-04 2.3955850463E-04 + 2.3568795575E-04 2.3187993609E-04 2.2813343552E-04 2.2444746019E-04 + 2.2082103234E-04 2.1725319000E-04 2.1374298674E-04 2.1028949142E-04 + 2.0689178795E-04 2.0354897506E-04 2.0026016600E-04 1.9702448839E-04 + 1.9384108392E-04 1.9070910816E-04 1.8762773030E-04 1.8459613300E-04 + 1.8161351207E-04 1.7867907636E-04 1.7579204747E-04 1.7295165958E-04 + 1.7015715927E-04 1.6740780526E-04 1.6470286825E-04 1.6204163074E-04 + 1.5942338681E-04 1.5684744194E-04 1.5431311284E-04 1.5181972726E-04 + 1.4936662378E-04 1.4695315172E-04 1.4457867085E-04 1.4224255134E-04 + 1.3994417349E-04 1.3768292763E-04 1.3545821394E-04 1.3326944229E-04 + 1.3111603207E-04 1.2899741206E-04 1.2691302027E-04 1.2486230379E-04 + 1.2284471862E-04 1.2085972958E-04 1.1890681010E-04 1.1698544215E-04 + 1.1509511604E-04 1.1323533033E-04 1.1140559167E-04 1.0960541469E-04 + 1.0783432185E-04 1.0609184333E-04 1.0437751690E-04 1.0269088779E-04 + 1.0103150858E-04 9.9398939065E-05 9.7792746176E-05 9.6212503820E-05 + 9.4657792790E-05 9.3128200653E-05 9.1623321636E-05 9.0142756522E-05 + 8.8686112539E-05 8.7253003263E-05 8.5843048510E-05 8.4455874237E-05 + 8.3091112442E-05 8.1748401069E-05 8.0427383908E-05 7.9127710503E-05 + 7.7849036061E-05 7.6591021357E-05 7.5353332642E-05 7.4135641563E-05 + 7.2937625066E-05 7.1758965320E-05 7.0599349624E-05 6.9458470328E-05 + 6.8336024753E-05 6.7231715108E-05 6.6145248413E-05 6.5076336418E-05 + 6.4024695530E-05 6.2990046739E-05 6.1972115538E-05 6.0970631856E-05 + 5.9985329985E-05 5.9015948506E-05 5.8062230225E-05 5.7123922102E-05 + 5.6200775184E-05 5.5292544538E-05 5.4398989188E-05 5.3519872051E-05 + 5.2654959873E-05 5.1804023169E-05 5.0966836158E-05 5.0143176707E-05 + 4.9332826272E-05 4.8535569839E-05 4.7751195866E-05 4.6979496229E-05 + 4.6220266164E-05 4.5473304217E-05 4.4738412186E-05 4.4015395072E-05 + 4.3304061025E-05 4.2604221293E-05 4.1915690174E-05 4.1238284966E-05 + 4.0571825919E-05 3.9916136183E-05 3.9271041767E-05 3.8636371492E-05 + 3.8011956941E-05 3.7397632420E-05 3.6793234909E-05 3.6198604024E-05 + 3.5613581969E-05 3.5038013499E-05 3.4471745877E-05 3.3914628832E-05 + 3.3366514519E-05 3.2827257484E-05 3.2296714622E-05 3.1774745139E-05 + 3.1261210514E-05 3.0755974467E-05 3.0258902917E-05 2.9769863949E-05 + 2.9288727780E-05 2.8815366723E-05 2.8349655153E-05 2.7891469474E-05 + 2.7440688090E-05 2.6997191365E-05 2.6560861597E-05 2.6131582987E-05 + 2.5709241605E-05 2.5293725361E-05 2.4884923978E-05 2.4482728959E-05 + 2.4087033558E-05 2.3697732757E-05 2.3314723232E-05 2.2937903329E-05 + 2.2567173036E-05 2.2202433958E-05 2.1843589286E-05 2.1490543779E-05 + 2.1143203732E-05 2.0801476956E-05 2.0465272748E-05 2.0134501874E-05 + 1.9809076539E-05 1.9488910368E-05 1.9173918380E-05 1.8864016968E-05 + 1.8559123874E-05 1.8259158172E-05 1.7964040241E-05 1.7673691746E-05 + 1.7388035620E-05 1.7106996038E-05 1.6830498402E-05 1.6558469320E-05 + 1.6290836583E-05 1.6027529150E-05 1.5768477129E-05 1.5513611755E-05 + 1.5262865375E-05 1.5016171430E-05 1.4773464434E-05 1.4534679960E-05 + 1.4299754624E-05 1.4068626063E-05 1.3841232923E-05 1.3617514842E-05 + 1.3397412431E-05 1.3180867263E-05 1.2967821853E-05 1.2758219646E-05 + 1.2552005001E-05 1.2349123175E-05 1.2149520310E-05 1.1953143418E-05 + 1.1759940366E-05 1.1569859867E-05 1.1382851458E-05 1.1198865494E-05 + 1.1017853133E-05 1.0839766319E-05 1.0664557775E-05 1.0492180988E-05 + 1.0322590194E-05 1.0155740371E-05 9.9915872242E-06 9.8300871731E-06 + 9.6711973424E-06 9.5148755493E-06 9.3610802924E-06 9.2097707414E-06 + 9.0609067253E-06 8.9144487223E-06 8.7703578494E-06 8.6285958515E-06 + 8.4891250918E-06 8.3519085418E-06 8.2169097712E-06 8.0840929384E-06 + 7.9534227809E-06 7.8248646059E-06 7.6983842813E-06 7.5739482266E-06 + 7.4515234039E-06 7.3310773090E-06 7.2125779630E-06 7.0959939037E-06 + 6.9812941775E-06 6.8684483309E-06 6.7574264024E-06 6.6481989146E-06 + + + +END_PSP diff --git a/pseudo_dojo/ppcodes/tests/test_oncvpsp.py b/pseudo_dojo/ppcodes/tests/test_oncvpsp.py index 6be6389e..c95a4133 100644 --- a/pseudo_dojo/ppcodes/tests/test_oncvpsp.py +++ b/pseudo_dojo/ppcodes/tests/test_oncvpsp.py @@ -16,8 +16,10 @@ def filepath(basename): class OncvOutputParserTest(PseudoDojoTest): - def test_nonrelativistic(self): - """Parsing the non-relativistic output file produced by ONCVPSPS.""" + def test_nonrelativistic_oxygen_v2(self): + """ + Parsing the non-relativistic output file produced by ONCVPSPS v2 + """ # Non-relativistic results p = OncvOutputParser(filepath("08_O_nr.out")) repr(p); str(p) @@ -29,6 +31,9 @@ def test_nonrelativistic(self): assert p.calc_type == "non-relativistic" assert not p.fully_relativistic assert p.version == "2.1.1" + assert p.major_version == 2 + assert p.minor_version == 1 + assert p.patch_level == 1 assert p.atsym == "O" assert p.z == "8.00" @@ -45,7 +50,7 @@ def test_nonrelativistic(self): assert all(rhom.values == 0.0) # Conversion to JSON format. - p.to_dict + assert p.to_dict # Build the plotter plotter = p.make_plotter() @@ -54,8 +59,10 @@ def test_nonrelativistic(self): #if self.has_nbformat(): - def test_scalar_relativistic(self): - """Parsing the scalar-relativistic output file produced by ONCVPSPS.""" + def test_scalar_relativistic_oxygen_v2(self): + """ + Parsing the scalar-relativistic output file produced by ONCVPSPS v2 + """ # Scalar relativistic output p = OncvOutputParser(filepath("08_O_sr.out")) p.scan(verbose=1) @@ -78,7 +85,7 @@ def test_scalar_relativistic(self): pl0 = {0: -7.4449470, 1: -14.6551019, -1: -9.5661177} for l, pot in p.potentials.items(): - assert pot.rmesh[0], pot.rmesh[-1] == (0.0099448, 3.9647436) + assert (pot.rmesh[0], pot.rmesh[-1]) == (0.0099448, 3.9647436) str(l) assert pot.values[0] == pl0[l] assert all(pot.rmesh == vloc.rmesh) @@ -119,13 +126,13 @@ def test_scalar_relativistic(self): # Test log derivatives ae0, ps0 = p.atan_logders.ae[0], p.atan_logders.ps[0] - assert ae0.energies[0], ae0.values[0] == (2.000000, 0.706765) - assert ps0.energies[0], ps0.values[0] == (2.000000, 0.703758) - assert ae0.energies[-1], ae0.energies[-1] == (-2.000000, 3.906687) - assert ps0.energies[-1], ps0.energies[-1] == (-2.000000, 3.906357) + assert (ae0.energies[0], ae0.values[0]) == (2.000000, 0.706765) + assert (ps0.energies[0], ps0.values[0]) == (2.000000, 0.703758) + assert ae0.energies[-1] == -2.000000 + assert ps0.energies[-1] == -2.000000 ae1, ps1 = p.atan_logders.ae[1], p.atan_logders.ps[1] - assert ae1.energies[0], ae1.values[0] == (2.000000, -2.523018) + assert (ae1.energies[0], ae1.values[0]) == (2.000000, -2.523018) assert ps1.values[0] == -2.521334 # Build the plotter @@ -133,8 +140,10 @@ def test_scalar_relativistic(self): repr(plotter); str(plotter) self._call_plotter_methods(plotter) - def test_full_relativistic(self): - """Parsing the full-relativistic output file produced by ONCVPSPS.""" + def test_fully_relativistic_oxygen_v2(self): + """ + Parsing the fully-relativistic output file produced by ONCVPSPS v2 + """ p = OncvOutputParser(filepath("08_O_r.out")) p.scan(verbose=1) @@ -159,6 +168,88 @@ def test_full_relativistic(self): repr(plotter); str(plotter) self._call_plotter_methods(plotter) + def test_scalar_relativistic_oxygen_v4(self): + """ + Parsing the scalar-relativistic output file produced by ONCVPSPS v4 + """ + # Scalar relativistic output + p = OncvOutputParser(filepath("O_sr_v4.out")) + p.scan(verbose=1) + repr(p); str(p) + assert p.run_completed + + assert not p.fully_relativistic + assert p.calc_type == "scalar-relativistic" + assert p.version == "4.0.1" + + assert p.atsym == "O" + assert p.z == "8.00" + assert p.iexc == "-106131" + assert p.nc == 1 + assert p.nv == 2 + assert p.lmax == 2 + + # Test potentials + vloc = p.potentials[-1] + pl0 = {0: -4.6445128, 1: -15.3234007, 2: 20.9698547, -1: -10.0124145} + + for l, pot in p.potentials.items(): + assert (pot.rmesh[0], pot.rmesh[-1]) == (0.0099582, 2.4161798) + str(l) + assert pot.values[0] == pl0[l] + assert all(pot.rmesh == vloc.rmesh) + + # Test wavefunctions + ae_wfs, ps_wfs = p.radial_wfs.ae, p.radial_wfs.ps + + nlk = (2, 0, None) + ae20, ps20 = ae_wfs[nlk], ps_wfs[nlk] + assert ae20[0] == (0.009958, -0.093703) + assert ps20[0] == (0.009958, 0.013614) + assert ae20[-1] == (5.998219, 0.002734) + assert ps20[-1] == (5.998219, 0.002734) + + nlk = (2, 1, None) + ae21, ps21 = ae_wfs[nlk], ps_wfs[nlk] + assert ae21[0] == (0.009958, 0.001474) + assert ps21[0] == (0.009958, 0.000456) + + # Test projectors + prjs = p.projectors + assert prjs[(1, 0, None)][0] == (0.009958, 0.090486) + assert prjs[(2, 0, None)][0] == (0.009958, -0.025921) + assert prjs[(1, 0, None)][-1] == (1.580056, -0.000000) + assert prjs[(2, 0, None)][-1] == (1.580056, -0.000000) + + assert prjs[(1, 1, None)][0] == (0.009958, 0.002057) + assert prjs[(2, 1, None)][0] == (0.009958, -0.000854) + + # Test convergence data + c = p.ene_vs_ecut + assert c[0].energies[0] == 12.172858 + assert c[0].values[0] == 0.010000 + assert c[0].energies[-1] == 32.408732 + assert c[0].values[-1] == 0.000010 + assert c[1].energies[0] == 23.772439 + assert c[1].values[0] == 0.010000 + + # Test log derivatives + ae0, ps0 = p.atan_logders.ae[0], p.atan_logders.ps[0] + assert (ae0.energies[0], ae0.values[0]) == (12.000000, -1.601062) + assert (ps0.energies[0], ps0.values[0]) == (12.000000, -1.611618) + + assert (ae0.energies[-1], ae0.values[-1]) == (-11.980000, 4.528242) + assert (ps0.energies[-1], ps0.values[-1]) == (-11.980000, 4.528290) + + ae1, ps1 = p.atan_logders.ae[1], p.atan_logders.ps[1] + assert (ae1.energies[0], ae1.values[0]) == (12.000000, 1.066272) + assert ps1.values[0] == 1.286771 + + # Build the plotter + plotter = p.make_plotter() + repr(plotter); str(plotter) + self._call_plotter_methods(plotter) + def _call_plotter_methods(self, plotter): if self.has_matplotlib(): assert plotter.plot_atan_logders(show=False) @@ -175,6 +266,9 @@ def _call_plotter_methods(self, plotter): assert plotter.plot_den_formfact(ecut=40, show=False) def test_psp8_get_densities(self): + """ + Testing get_densities from psp8 format. + """ n = psp8_get_densities(pdj_data.pseudopath("Lu-sp.psp8"), fc_file=sys.stdout, ae_file=sys.stdout, plot=False) assert len(n.rmesh) == 600 diff --git a/pseudo_dojo/scripts/dojoncv.py b/pseudo_dojo/scripts/dojoncv.py index afb51c62..f050ebff 100755 --- a/pseudo_dojo/scripts/dojoncv.py +++ b/pseudo_dojo/scripts/dojoncv.py @@ -31,7 +31,8 @@ def find_oncv_output(path): def oncv_nbplot(options): """Generate jupyter notebook to plot data. Requires oncvpsp output file.""" out_path = find_oncv_output(options.filename) - return oncv_make_open_notebook(out_path) + return oncv_make_open_notebook(out_path, foreground=options.foreground, classic_notebook=options.classic_notebook, + no_browser=options.no_browser) def oncv_gnuplot(options): @@ -63,37 +64,53 @@ def oncv_plot(options): # Build the plotter plotter = onc_parser.make_plotter() + if options.mpl_backend is not None: + # Set matplotlib backend + import matplotlib + matplotlib.use(options.mpl_backend) + + if options.seaborn: + # Use seaborn settings. + import seaborn as sns + sns.set(context=options.seaborn, style='darkgrid', palette='deep', + font='sans-serif', font_scale=1, color_codes=False, rc=None) + # Plot data - plotter.plot_radial_wfs() - plotter.plot_atanlogder_econv() - plotter.plot_projectors() - plotter.plot_potentials() - #plotter.plot_der_potentials() - #for order in [1,2,3,4]: - # plotter.plot_der_densities(order=order) - plotter.plot_densities() - #plotter.plot_densities(timesr2=True) - plotter.plot_den_formfact() + #from abipy.tools.plotting import MplExpose, PanelExpose + e = MplExpose(slide_mode=options.slide_mode, slide_timeout=options.slide_timeout) + #e = PanelExpose(title="") + with e: + e(plotter.plot_radial_wfs(show=False)) + e(plotter.plot_atanlogder_econv(show=False)) + e(plotter.plot_projectors(show=False)) + e(plotter.plot_potentials(show=False)) + #plotter.plot_der_potentials(show=False) + #for order in [1,2,3,4]: + # e(plotter.plot_der_densities(order=order, show=False)) + e(plotter.plot_densities(show=False)) + #e(#plotter.plot_densities(timesr2=True, show=False)) + e(plotter.plot_den_formfact(show=False)) + return 0 # Table of methods - callables = collections.OrderedDict([ - ("wp", plotter.plot_waves_and_projs), - ("dp", plotter.plot_dens_and_pots), - ("lc", plotter.plot_atanlogder_econv), - ("df", plotter.plot_den_formfact), - ]) + #callables = collections.OrderedDict([ + # ("wp", plotter.plot_waves_and_projs), + # ("dp", plotter.plot_dens_and_pots), + # ("lc", plotter.plot_atanlogder_econv), + # ("df", plotter.plot_den_formfact), + #]) # Call function depending on options.plot_mode - if options.plot_mode == "slide": - for func in callables.values(): - func() - else: - func = callables.get(options.plot_mode, None) - if func is not None: - func() - else: - plotter.plot_key(key=options.plot_mode) + #if options.plot_mode == "slide": + # for func in callables.values(): + # func() + #else: + # func = callables.get(options.plot_mode, None) + # if func is not None: + # func() + # else: + # plotter.plot_key(key=options.plot_mode) def oncv_json(options): @@ -187,6 +204,25 @@ def oncv_run(options): report = DojoReport.empty_from_pseudo(pseudo, onc_parser.hints, devel=False) report.json_write() + # Build the plotter + plotter = onc_parser.make_plotter() + + # Plot data + #from abipy.tools.plotting import MplExpose, PanelExpose + e = MplExpose() #slide_mode=options.slide_mode, slide_timeout=options.slide_timeout) + #e = PanelExpose(title="") + with e: + e(plotter.plot_radial_wfs(show=False)) + e(plotter.plot_atanlogder_econv(show=False)) + e(plotter.plot_projectors(show=False)) + e(plotter.plot_potentials(show=False)) + #plotter.plot_der_potentials(show=False) + #for order in [1,2,3,4]: + # e(plotter.plot_der_densities(order=order, show=False)) + e(plotter.plot_densities(show=False)) + #e(#plotter.plot_densities(timesr2=True, show=False)) + e(plotter.plot_den_formfact(show=False)) + return 0 @@ -218,6 +254,9 @@ def show_examples_and_exit(err_msg=None, error_code=1): copts_parser.add_argument('filename', default="", help="Path to the output file") + # Parent parser for commands supporting MplExpose. + plot_parser = argparse.ArgumentParser(add_help=False) + # Build the main parser. parser = argparse.ArgumentParser(epilog=str_examples(), formatter_class=argparse.RawDescriptionHelpFormatter) @@ -233,15 +272,37 @@ def show_examples_and_exit(err_msg=None, error_code=1): # Create the parsers for the sub-commands p_plot = subparsers.add_parser('plot', parents=[copts_parser], help=oncv_plot.__doc__) - p_plot.add_argument("-p", "--plot-mode", default="slide", - help=("Quantity to plot. Possible values: %s" % - str(["slide", "wp, dp, lc"] + PseudoGenDataPlotter.all_keys) + "\n" - "wp --> wavefunctions and projectors\n" + - "dp --> densities and potentials\n" + - "lc --> atan(logder) and convergence wrt ecut\n" + - "df --> density form factor")) + p_plot.add_argument("-s", "--slide-mode", default=False, action="store_true", + help="Iterate over figures. Expose all figures at once if not given on the CLI.") + p_plot.add_argument("-t", "--slide-timeout", type=int, default=None, + help="Close figure after slide-timeout seconds (only if slide-mode). Block if not specified.") + p_plot.add_argument('-sns', "--seaborn", const="paper", default=None, action='store', nargs='?', type=str, + help='Use seaborn settings. Accept value defining context in ("paper", "notebook", "talk", "poster"). Default: paper') + p_plot.add_argument('-mpl', "--mpl-backend", default=None, + help=("Set matplotlib interactive backend. " + "Possible values: GTKAgg, GTK3Agg, GTK, GTKCairo, GTK3Cairo, WXAgg, WX, TkAgg, Qt4Agg, Qt5Agg, macosx." + "See also: https://matplotlib.org/faq/usage_faq.html#what-is-a-backend.")) + + #p_plot.add_argument("-p", "--plot-mode", default="slide", + # help=("Quantity to plot. Possible values: %s" % + # str(["slide", "wp, dp, lc"] + PseudoGenDataPlotter.all_keys) + "\n" + # "wp --> wavefunctions and projectors\n" + + # "dp --> densities and potentials\n" + + # "lc --> atan(logder) and convergence wrt ecut\n" + + # "df --> density form factor")) p_nbplot = subparsers.add_parser('nbplot', parents=[copts_parser], help=oncv_nbplot.__doc__) + # notebook options. + p_nbplot.add_argument('-nb', '--notebook', action='store_true', default=False, help="Open file in jupyter notebook") + p_nbplot.add_argument('--classic-notebook', "-cnb", action='store_true', default=False, + help="Use classic jupyter notebook instead of jupyterlab.") + p_nbplot.add_argument('--no-browser', action='store_true', default=False, + help=("Start the jupyter server to serve the notebook " + "but don't open the notebook in the browser.\n" + "Use this option to connect remotely from localhost to the machine running the kernel")) + p_nbplot.add_argument('--foreground', action='store_true', default=False, + help="Run jupyter notebook in the foreground.") + p_gnuplot = subparsers.add_parser('gnuplot', parents=[copts_parser], help=oncv_gnuplot.__doc__) @@ -265,5 +326,94 @@ def show_examples_and_exit(err_msg=None, error_code=1): return globals()["oncv_" + options.command](options) + +# Taken from AbiPy. +import time + +class MplExpose: # pragma: no cover + """ + Context manager used to produce several matplotlib figures and then show + all them at the end so that the user does not need to close the window to + visualize to the next one. + + Example: + + with MplExpose() as e: + e(obj.plot1(show=False)) + e(obj.plot2(show=False)) + """ + def __init__(self, slide_mode=False, slide_timeout=None, verbose=1): + """ + Args: + slide_mode: If Rrue, iterate over figures. Default: Expose all figures at once. + slide_timeout: Close figure after slide-timeout seconds. Block if None. + verbose: verbosity level + """ + self.figures = [] + self.slide_mode = bool(slide_mode) + self.timeout_ms = slide_timeout + self.verbose = verbose + if self.timeout_ms is not None: + self.timeout_ms = int(self.timeout_ms * 1000) + assert self.timeout_ms >= 0 + + if self.verbose: + if self.slide_mode: + print("\nSliding matplotlib figures with slide timeout: %s [s]" % slide_timeout) + else: + print("\nLoading all matplotlib figures before showing them. It may take some time...") + + + self.start_time = time.time() + + def __call__(self, obj): + """ + Add an object to MplExpose. + Support mpl figure, list of figures or generator yielding figures. + """ + import types + if isinstance(obj, (types.GeneratorType, list, tuple)): + for fig in obj: + self.add_fig(fig) + else: + self.add_fig(obj) + + def add_fig(self, fig): + """Add a matplotlib figure.""" + if fig is None: return + + if not self.slide_mode: + self.figures.append(fig) + else: + #print("Printing and closing", fig) + import matplotlib.pyplot as plt + if self.timeout_ms is not None: + # Creating a timer object + # timer calls plt.close after interval milliseconds to close the window. + timer = fig.canvas.new_timer(interval=self.timeout_ms) + timer.add_callback(plt.close, fig) + timer.start() + + plt.show() + fig.clear() + + def __enter__(self): + return self + + def __exit__(self, exc_type, exc_val, exc_tb): + """Activated at the end of the with statement. """ + if exc_type is not None: return + self.expose() + + def expose(self): + """Show all figures. Clear figures if needed.""" + if not self.slide_mode: + print("All figures in memory, elapsed time: %.3f s" % (time.time() - self.start_time)) + import matplotlib.pyplot as plt + plt.show() + for fig in self.figures: + fig.clear() + + if __name__ == "__main__": sys.exit(main()) diff --git a/website/about.html b/website/about.html index 3bec989d..4760df5e 100644 --- a/website/about.html +++ b/website/about.html @@ -37,9 +37,10 @@

The Pseudo Dojo

About PseudoDojo

-The PseudoDojo.org website gives access to the latest released version of the pseudopotentials of the PseudoDojo project.
-The PseudoDojo project is hosted on github. It is a python package to develop, test and store pseudo potentials.
-Previous versions can be found in the git repository.
+The PseudoDojo.org website gives access to the latest released version of the pseudopotentials of the PseudoDojo project.
+The PseudoDojo project is hosted on github. +It is a python package to develop, test and store pseudo potentials.
+Previous versions can be found in the git repository.

The web interface provides various files:

-

The current version provided at this web interface are
- NC version 0.4: ONCVPSP_PDv0.4 in the git repository.
- NC version 0.3: ONCVPSP_PDv0.3 in the git repository.
- PAW JTH version 1.0.
+

The current version provided at this web interface are
+ NC version 0.4: ONCVPSP_PDv0.4 in the git repository.
+ NC version 0.3: ONCVPSP_PDv0.3 in the git repository.
+ PAW JTH version 1.0.

Contributors Pseudo Dojo

diff --git a/website/faq.html b/website/faq.html index 7c2a706b..6d7e99a7 100644 --- a/website/faq.html +++ b/website/faq.html @@ -56,88 +56,89 @@

◆ What are all these numbers?

gbrv
The number in the upper right corner of the element boxes (nv) give how many valence shells are includes in this pseudopotential. -For instance a 4 for Copper means that 1s, 2s, and 2p are frozen in the core but 3s, 3p, 3d, and 4s are treated as valence.
-
+For instance a 4 for Copper means that 1s, 2s, and 2p are frozen in the core but 3s, 3p, 3d, and 4s are treated as valence.
+
The numbers in lower left corner (hints) represent the cutoff hints in Hartree. - The exact meaning of the hints can be found in the corresponding paper suggested below. - In general, low is a good starting point for you own convergence studies. - Normal should be a safe guess for just a quick calculation or for automated high-throughput calculations. - High is for testing convergence.
-
-The numbers in the lower right corner are the results of various tests performed on this pseudo potential.
- +The exact meaning of the hints can be found in the corresponding paper suggested below. +In general, low is a good starting point for you own convergence studies. +Normal should be a safe guess for just a quick calculation or for automated high-throughput calculations. +High is for testing convergence.
+
+The numbers in the lower right corner are the results of various tests performed on this pseudo potential.
+ +
-
deltaDelta gauge (meV)Measures the agreement of the equation of state for an elemental solid in the ground state with respect to all electron reference calculations. full description
delta1Renormalized Delta gaugeRenormalized version of the Delta gauge, especially usefull for very soft materials. full description
gbrvAverage FCC BCC GBRV test (%)Measures the agreement of the lattice parameter for an elemental FCC and BCC solid with respect to all electron reference calculations. full description
+

◆ How do I cite the PseudoDojo?

-A detailed paper on the PseudoDojo and the NC pseudopotentials has been published in Computer Physics Communications:
+A detailed paper on the PseudoDojo and the NC pseudopotentials has been published in Computer Physics Communications:
- The PseudoDojo: Training and grading a 85 element optimized norm-conserving pseudopotential table
- M. J. van Setten, M. Giantomassi, E. Bousquet, M. J. Verstraete, D. R. Hamann, X. Gonze, G.-M. Rignanese
- Computer Physics Communications 226, 39-54 (2018)
+ The PseudoDojo: Training and grading a 85 element optimized norm-conserving pseudopotential table
+ M. J. van Setten, M. Giantomassi, E. Bousquet, M. J. Verstraete, D. R. Hamann, X. Gonze, G.-M. Rignanese
+ Computer Physics Communications 226, 39-54 (2018)
10.1016/j.cpc.2018.01.012 arxiv preprint -

+
An important paper concerning the delta gauge is:
-Reproducibility in density functional theory calculations of solids
-K. Lejaeghere et. all
-Science 25 Mar 2016, Vol. 351, Issue 6280
+Reproducibility in density functional theory calculations of solids
+K. Lejaeghere et. all
+Science 25 Mar 2016, Vol. 351, Issue 6280
10.1126/science.aad3000 -

+
The GBRV tests used in the PseudoDojo are introduced in:
-Pseudopotentials for high-throughput DFT calculations
-K. F. Garrity, J. W. Bennett, K. M. Rabe, D. Vanderbilt
-Computational Materials Science 81, 446-452 (2013)
+Pseudopotentials for high-throughput DFT calculations
+K. F. Garrity, J. W. Bennett, K. M. Rabe, D. Vanderbilt
+Computational Materials Science 81, 446-452 (2013)
10.1016/j.commatsci.2013.08.053 -

+
-When using ONCVPSP type pseudopotentials please cite:
+When using ONCVPSP type pseudopotentials please cite:
-Optimized norm-conserving Vanderbilt pseudopotentials
-D. R. Hamann
-Phys. Rev. B 88, 085117 (2013)
+Optimized norm-conserving Vanderbilt pseudopotentials
+D. R. Hamann
+Phys. Rev. B 88, 085117 (2013)
10.1103/PhysRevB.88.085117 -

+
-When using the PSML format pseudopotentials please cite:
+When using the PSML format pseudopotentials please cite:
-
+
-The PSML format and library for norm-conserving pseudopotential data curation and interoperability
-A. García, M. Verstraete, Y. Pouillon, J. Junquera
-Computer Physics Communications 227, 51-71 (2018)
+The PSML format and library for norm-conserving pseudopotential data curation and interoperability
+A. García, M. Verstraete, Y. Pouillon, J. Junquera
+Computer Physics Communications 227, 51-71 (2018)
10.1016/j.cpc.2018.02.011 -

+

-When using the PAW type 'pseudopotentials' please cite:
+When using the PAW type 'pseudopotentials' please cite:
-Generation of Projector Augmented-Wave atomic data: A 71 element validated table in the XML format.
-F. Jollet, M. Torrent, Holzwarth
-Computer Physics Communications 185, 1246 (2013)
+Generation of Projector Augmented-Wave atomic data: A 71 element validated table in the XML format.
+F. Jollet, M. Torrent, Holzwarth
+Computer Physics Communications 185, 1246 (2013)
10.1016/j.cpc.2013.12.023 -

+
bibtex entries @@ -150,36 +151,34 @@

◆ Can I use the logo in my presentations and grand applications?

Concerning the ONCVPSP pseudopotentials

-In general, the pseudo's you find here are ready to use. -If you have special needs you are also free to use the inputs we provide as a staring point to generate your own - pseudopotentials. - - +In general, the pseudos you find here are ready to use. +If you have special needs you are also free to use the inputs we provide as a staring point +to generate your own pseudopotentials.

◆ Do you also have the pseudo for my favorite GGA or LDA functional?

-We provide PBE, PBEsol, and one LDA set of pseudo potentials.
-The input files can be obtained from the dojo reports in the HTML files.
-Using these you can generate potentials for most LDA and GGA functionals using ONCVPSP.
-We could reuse most of out PBE inputs to generate the PBEsol potentials.
+We provide PBE, PBEsol, and one LDA set of pseudo potentials.
+The input files can be obtained from the dojo reports in the HTML files.
+Using these you can generate potentials for most LDA and GGA functionals using ONCVPSP.
+We could reuse most of out PBE inputs to generate the PBEsol potentials.
Using LibXC, which is linked to ONCVPSP, almost all functionals can be used. -

◆ All the ONCVPSP potentials are with non-linear core correction, I need some without.

-We usually observe better convergence with so, indeed, all are generated with nlcc.
-If you really need one without take the input from the HTML page on the pseudo (select format : html and click the element).
+

◆ All the ONCVPSP potentials are with non-linear core correction, I need some without.

+We usually observe better convergence with so, indeed, all are generated with nlcc.
+If you really need one without take the input from the HTML page on the pseudo (select format : html and click the element).
Install ONCVPSP. Turn icmod to 0 in the input and generate the pseudopotential.

◆ What about hybrids and meta functionals?

-These are currently under development.
+These are currently under development.

◆ Do you also have the other elements?

-We are currently working on the Lanthanides.
+We are currently working on the Lanthanides.

◆ Is it also possible to get the pseudos in other formats?

-ONCVPSP currently supports psp8 and upf natively.
+ONCVPSP currently supports psp8 and upf natively.
Using the psml patch we also generated psml files - for use with Siesta
-The psml format is available from version 0.4.
+for use with Siesta
+The psml format is available from version 0.4.
@@ -198,4 +197,4 @@

◆ Is it also possible to get the pseudos in other formats?

- + \ No newline at end of file diff --git a/website/index.html b/website/index.html index bfb3adfd..630c21d2 100644 --- a/website/index.html +++ b/website/index.html @@ -1568,18 +1568,18 @@

0){ - set_av(averages); - reset_X() - } + if (sums[0] > 0) { + set_av(averages); + reset_X() + } } function loadJSON(file, callback) { @@ -125,7 +125,6 @@ function store_available_files() { var info = JSON.parse(response); localStorage.setItem('files', info); }); - } function load_set_info(animate) { @@ -141,7 +140,7 @@ function load_set_info(animate) { } function set_X(elm, color, n){ - if (els.indexOf(elm)>=0){ + if (els.indexOf(elm) >= 0){ document.getElementById('N').innerHTML = n; var x = document.getElementById('X_n'); x.style.backgroundColor = color; @@ -152,7 +151,7 @@ function set_X(elm, color, n){ var id_key_in = elm + '_' + keys[key]; var x = document.getElementById(id_key_in); var y = document.getElementById(id_key); - var val = x.innerHTML + var val = x.innerHTML; y.innerHTML = val; } } @@ -175,11 +174,11 @@ function set_av(val){ } function show_X(){ - document.getElementById('X_n').style.visibility="visible"; + document.getElementById('X_n').style.visibility = "visible"; } function hide_X(){ - document.getElementById('X_n').style.visibility="hidden"; + document.getElementById('X_n').style.visibility = "hidden"; } function humanize(size) { @@ -262,7 +261,7 @@ function dojoTour_guidedtour() { }, { element: "#papers", - intro: "A list of papers usging PseudoDojo pseudopotentials. Did you use them? Send us the DOI and we'll add yours as well." + intro: "A list of papers using PseudoDojo pseudopotentials. Did you use them? Send us the DOI and we'll add yours as well." }, { element: ".logo", @@ -284,10 +283,12 @@ function dojoTour_guidedtour() { } function dynamicdropdown(listindex){ + // Set the values of the XC/Accuracy/Format widgets given the value of Type. console.log('dynamic dropdown: setting', listindex) document.getElementById("ACC").length = 0; document.getElementById("XCF").length = 0; document.getElementById("FMT").length = 0; + switch (listindex) { case "paw" : @@ -331,7 +332,7 @@ function dynamicdropdown(listindex){ document.getElementById('warning_box').innerHTML = ""; document.getElementById("ACC").options[0]=new Option("standard","standard"); document.getElementById("ACC").options[1]=new Option("stringent","stringent"); -// document.getElementById("XCF").options[2]=new Option("LDA","pw"); + //document.getElementById("XCF").options[2]=new Option("LDA","pw"); document.getElementById("XCF").options[0]=new Option("PBE","pbe"); document.getElementById("XCF").options[1]=new Option("PBEsol","pbesol"); document.getElementById("FMT").options[0]=new Option("psp8","psp8"); @@ -356,6 +357,7 @@ function dynamicdropdown(listindex){ break; case "core" : + // TODO or perhaps add new format and handle file download. document.getElementById('warning_box').innerHTML = ""; document.getElementById("ACC").options[0]=new Option("","standard"); document.getElementById("ACC").options[0]=new Option("standard","standard"); @@ -379,8 +381,6 @@ function chaos() { function animatePlugin(plugin) { var xMax = 500; var yMax = 500; - - var x1 = Math.random() - 0.5; x1 = x1 * xMax; var x2 = Math.random() - 0.5;