From 2be638470d228aad53fe2221c9716dca25099196 Mon Sep 17 00:00:00 2001 From: Marco Pagani Date: Mon, 25 Sep 2023 18:06:31 +0200 Subject: [PATCH 01/13] Clear commit - only initial modifications --- openquake/hazardlib/geo/line.py | 247 +++++++++++++++++- openquake/hazardlib/tests/geo/line_test.py | 49 +++- .../geo/surface/data/atf_haiyuan_data.py | 219 ++++++++++++++++ 3 files changed, 501 insertions(+), 14 deletions(-) create mode 100644 openquake/hazardlib/tests/geo/surface/data/atf_haiyuan_data.py diff --git a/openquake/hazardlib/geo/line.py b/openquake/hazardlib/geo/line.py index d2bb87f06dff..a89e79ae20be 100644 --- a/openquake/hazardlib/geo/line.py +++ b/openquake/hazardlib/geo/line.py @@ -145,7 +145,7 @@ def average_azimuth(self): lons[1:], lats[1:]) return get_average_azimuth(azimuths, distances) - def resample(self, section_length): + def resample_old(self, section_length): """ Resample this line into sections. The first point in the resampled line corresponds to the first point in the original line. Starting @@ -160,7 +160,7 @@ def resample(self, section_length): general smaller or greater (depending on the rounding) than the length of the original line. For a straight line, the difference between the resulting length and the original length is at maximum half of the - ``section_length``. For a curved line, the difference my be larger, + ``section_length``. For a curved line, the difference may be larger, because of corners getting cut. :param section_length: @@ -172,8 +172,10 @@ def resample(self, section_length): :rtype: An instance of :class:`Line` """ + if len(self.points) < 2: return Line(self.points) + resampled_points = [] # 1. Resample the first section. 2. Loop over the remaining points # in the line and resample the remaining sections. @@ -193,6 +195,157 @@ def resample(self, section_length): return Line(resampled_points) + def resample(self, sect_len: float, orig_extremes=False): + """ + Resample this line into sections. The first point in the resampled + line corresponds to the first point in the original line. Starting + from the first point in the original line, a line segment is defined as + the line connecting the last point in the resampled line and the next + point in the original line. + + + :param float sect_len: + The length of the section, in km. + :param bool original_extremes: + A boolean controlling the way in which the last point is added. + When true the first and last point match the original extremes. + When false the last point is at a `sect_len` distance from the + previous one, before or after the last point. + :returns: + A new line resampled into sections based on the given length. + """ + if len(self.points) < 2: + raise ValueError('The line contains less than two points') + + # Project the coordinates + sbb = utils.get_spherical_bounding_box + west, east, north, south = sbb(self.coo[:, 0], self.coo[:, 1]) + proj = utils.OrthographicProjection(west, east, north, south) + + tmp = self.points + coo = np.array([[p.longitude, p.latitude, p.depth] for p in tmp]) + + # Project the coordinates of the trace + txy = copy.copy(coo) + txy[:, 0], txy[:, 1] = proj(coo[:, 0], coo[:, 1]) + + # Initialise the list where we store the coordinates of the resampled + # trace + rtra_prj = [[txy[0, 0], txy[0, 1], txy[0, 2]]] + rtra = [self.points[0]] + + # Compute the total length of the original trace + tot_len = np.sum(((txy[:-1, 0] - txy[1:, 0])**2 + + (txy[:-1, 1] - txy[1:, 1])**2 + + (txy[:-1, 2] - txy[1:, 2])**2)**0.5) + inc_len = 0.0 + + # Resampling + idx_vtx = -1 + while 1: + + # Computing distances from the reference point + dis = ((txy[:, 0] - rtra_prj[-1][0])**2 + + (txy[:, 1] - rtra_prj[-1][1])**2 + + (txy[:, 2] - rtra_prj[-1][2])**2)**0.5 + + # Fixing distances for points before the index + if idx_vtx > 0: + dis[0:idx_vtx] = 100000 + + # Index of the point on the trace with a distance just below the + # sampling distance + tmp = dis - sect_len + idx = np.where(tmp <= 0, dis, -np.inf).argmax() + + # If the pick a point that is not the last one on the trace we + # compute the new sample by interpolation + if idx < len(dis) - 1: + + tmp = [rtra_prj[-1][0], rtra_prj[-1][1], rtra_prj[-1][2]] + pnt = find_t(txy[idx + 1, :], txy[idx, :], tmp, sect_len) + + if pnt is None: + raise ValueError('Did not find the intersection') + + # Update the list of coordinates + xg, yg = proj(np.array([pnt[0]]), np.array([pnt[1]]), + reverse=True) + rtra.append(Point(xg, yg, pnt[2])) + rtra_prj.append(list(pnt)) + + # Updating incremental length + inc_len += sect_len + + # Adding more points still on the same segment + Δx = (txy[idx + 1, 0] - rtra_prj[-1][0]) + Δy = (txy[idx + 1, 1] - rtra_prj[-1][1]) + Δz = (txy[idx + 1, 2] - rtra_prj[-1][2]) + chk_dst = (Δx**2 + Δy**2 + Δz**2)**0.5 + Δx_ratio = Δx / chk_dst + Δy_ratio = Δy / chk_dst + Δz_ratio = Δz / chk_dst + + while chk_dst > sect_len * 0.9999: + + x_pnt = rtra_prj[-1][0] + Δx_ratio * sect_len + y_pnt = rtra_prj[-1][1] + Δy_ratio * sect_len + z_pnt = rtra_prj[-1][2] + Δz_ratio * sect_len + + # New point + xg, yg = proj(np.array([x_pnt]), np.array([y_pnt]), + reverse=True) + rtra.append(Point(xg[0], yg[0], z_pnt)) + rtra_prj.append([x_pnt, y_pnt, z_pnt]) + + # Updating incremental length + inc_len += sect_len + + # This is the distance between the last resampled point + # and the second vertex of the segment + chk_dst = ((txy[idx + 1, 0] - rtra_prj[-1][0])**2 + + (txy[idx + 1, 1] - rtra_prj[-1][1])**2 + + (txy[idx + 1, 2] - rtra_prj[-1][2])**2)**0.5 + + else: + + # Adding one point + if tot_len - inc_len > 0.5 * sect_len and not orig_extremes: + + # Adding more points still on the same segment + Δx = (txy[-1, 0] - txy[-2, 0]) + Δy = (txy[-1, 1] - txy[-2, 1]) + Δz = (txy[-1, 2] - txy[-2, 2]) + chk_dst = (Δx**2 + Δy**2 + Δz**2)**0.5 + Δx_ratio = Δx / chk_dst + Δy_ratio = Δy / chk_dst + Δz_ratio = Δz / chk_dst + + x_pnt = rtra_prj[-1][0] + Δx_ratio * sect_len + y_pnt = rtra_prj[-1][1] + Δy_ratio * sect_len + z_pnt = rtra_prj[-1][2] + Δz_ratio * sect_len + + # New point + xg, yg = proj(np.array([x_pnt]), np.array([y_pnt]), + reverse=True) + rtra.append(Point(xg[0], yg[0], z_pnt)) + rtra_prj.append([x_pnt, y_pnt, z_pnt]) + + # Updating incremental length + inc_len += sect_len + + elif orig_extremes: + + # Adding last point + rtra.append(Point(coo[-1, 0], coo[-1, 1], coo[-1, 2])) + + break + + # Updating index + idx_vtx = idx + 1 + + return Line(rtra) + def get_lengths(self) -> np.ndarray: """ Calculate a numpy.ndarray instance with the length @@ -230,9 +383,9 @@ def keep_corners(self, delta): # Compute the azimuth of all the segments azim = geodetic.azimuth(coo[:-1, 0], coo[:-1, 1], coo[1:, 0], coo[1:, 1]) - pidx = set([0, coo.shape[0]-1]) + pidx = set([0, coo.shape[0] - 1]) idx = np.nonzero(np.abs(np.diff(azim)) > delta)[0] - pidx = sorted(list(pidx.union(set(idx+1)))) + pidx = sorted(list(pidx.union(set(idx + 1)))) self.points = [Point(coo[c, 0], coo[c, 1]) for c in pidx] self.coo = coo[pidx, :] @@ -275,7 +428,8 @@ def resample_to_num_points(self, num_points): def get_tu(self, mesh): """ - Computes the U and T coordinates of the GC2 method for a mesh of points. + Computes the U and T coordinates of the GC2 method for a mesh of + points. :param mesh: An instance of :class:`openquake.hazardlib.geo.mesh.Mesh` @@ -340,8 +494,8 @@ def get_ui_ti(self, mesh, uhat, that): txy[:, 0], txy[:, 1] = proj(self.coo[:, 0], self.coo[:, 1]) # Initializing ti and ui coordinates - ui = np.zeros((txy.shape[0]-1, sxy.shape[0])) - ti = np.zeros((txy.shape[0]-1, sxy.shape[0])) + ui = np.zeros((txy.shape[0] - 1, sxy.shape[0])) + ti = np.zeros((txy.shape[0] - 1, sxy.shape[0])) # For each section for i in range(ui.shape[0]): @@ -375,10 +529,10 @@ def get_tu_hat(self): # Projected coordinates sx, sy = self.proj(self.coo[:, 0], self.coo[:, 1]) - slen = ((sx[1:]-sx[:-1])**2 + (sy[1:]-sy[:-1])**2)**0.5 - sg = np.zeros((len(sx)-1, 3)) - sg[:, 0] = sx[1:]-sx[:-1] - sg[:, 1] = sy[1:]-sy[:-1] + slen = ((sx[1:] - sx[:-1])**2 + (sy[1:] - sy[:-1])**2)**0.5 + sg = np.zeros((len(sx) - 1, 3)) + sg[:, 0] = sx[1:] - sx[:-1] + sg[:, 1] = sy[1:] - sy[:-1] uhat = get_versor(sg) that = get_versor(np.cross(sg, np.array([0, 0, 1]))) return slen, uhat, that @@ -469,13 +623,14 @@ def get_ti_weights(ui, ti, segments_len): ui[i, :] > (segments_len[i] + TOLERANCE)) iii = np.logical_and(cond1, cond2) if len(iii): - weights[i, iii] = 1./(ui[i, iii] - segments_len[i]) - 1./ui[i, iii] + weights[i, iii] = (1. / (ui[i, iii] - segments_len[i]) + - 1. / ui[i, iii]) # Case for sites on one segment cond3 = np.logical_and(ui[i, :] >= (0. - TOLERANCE), ui[i, :] <= (segments_len[i] + TOLERANCE)) jjj = np.logical_and(cond1, cond3) - weights[i, jjj] = 1/(-0.01-segments_len[i])+1/0.01 + weights[i, jjj] = 1 / (-0.01 - segments_len[i]) + 1 / 0.01 idx_on_trace[jjj] = 1.0 return weights, idx_on_trace @@ -486,3 +641,69 @@ def get_versor(arr): Returns the versor (i.e. a unit vector) of a vector """ return np.divide(arr.T, np.linalg.norm(arr, axis=1)).T + + +def find_t(pnt0, pnt1, ref_pnt, distance): + """ + Find the point on the segment within `pnt0` and `pnt1` at `distance` from + `ref_pnt`. See https://tinyurl.com/meyt4ft3 + + :param pnt0: + A 1D :class:`numpy.ndarray` instance of length 3 + :param pnt1: + A 1D :class:`numpy.ndarray` instance of length 3 + :param ref_pnt: + A 1D :class:`numpy.ndarray` instance of length 3 + :param distance: + A float with the distance in km from `ref_pnt` to the point on the + segment. + :returns: + A 1D :class:`numpy.ndarray` instance of length 3 + """ + + # First points on the line + x1 = pnt0[0] + y1 = pnt0[1] + z1 = pnt0[2] + + # + x2 = pnt1[0] + y2 = pnt1[1] + z2 = pnt1[2] + + x3 = ref_pnt[0] + y3 = ref_pnt[1] + z3 = ref_pnt[2] + + r = distance + + pa = (x2 - x1)**2 + (y2 - y1)**2 + (z2 - z1)**2 + pb = 2 * ((x2 - x1) * (x1 - x3) + (y2 - y1) * + (y1 - y3) + (z2 - z1) * (z1 - z3)) + pc = (x3**2 + y3**2 + z3**2 + x1**2 + y1**2 + z1**2 - + 2 * (x3 * x1 + y3 * y1 + z3 * z1) - r**2) + + chk = pb * pb - 4 * pa * pc + + # In this case the line is not intersecting the sphere + if chk < 0: + return None + + # Computing the points of intersection + pu = (-pb + (pb**2 - 4 * pa * pc)**0.5) / (2 * pa) + x = x1 + pu * (x2 - x1) + y = y1 + pu * (y2 - y1) + z = z1 + pu * (z2 - z1) + + if (x >= np.min([x1, x2]) and x <= np.max([x1, x2]) and + y >= np.min([y1, y2]) and y <= np.max([y1, y2]) and + z >= np.min([z1, z2]) and z <= np.max([z1, z2])): + out = [x, y, z] + else: + pu = (-pb - (pb**2 - 4 * pa * pc)**0.5) / (2 * pa) + x = x1 + pu * (x2 - x1) + y = y1 + pu * (y2 - y1) + z = z1 + pu * (z2 - z1) + out = [x, y, z] + + return np.array(out) diff --git a/openquake/hazardlib/tests/geo/line_test.py b/openquake/hazardlib/tests/geo/line_test.py index 7325381962d3..5221781b358d 100644 --- a/openquake/hazardlib/tests/geo/line_test.py +++ b/openquake/hazardlib/tests/geo/line_test.py @@ -21,6 +21,18 @@ PLOTTING = False +def _plott(rtra_prj, txy): + import matplotlib.pyplot as plt + fig, ax = plt.subplots(1, 1) + tt = np.array(rtra_prj) + plt.plot(txy[:, 0], txy[:, 1], '-') + plt.plot(txy[:, 0], txy[:, 1], 'x', ms=2.0) + plt.plot(tt[:, 0], tt[:, 1], 'o') + for i, t in enumerate(tt): + plt.text(t[0], t[1], f'{i}') + ax.axis('equal') + plt.show() + class LineResampleTestCase(unittest.TestCase): def test_resample(self): @@ -37,6 +49,23 @@ def test_resample(self): expected = geo.Line([p1, p2, p3, p4, p5, p6]) self.assertEqual(expected, resampled) + def test_resample_dense_trace(self): + from .surface.data import atf_haiyuan_data + # Create the line + dat = atf_haiyuan_data.trace + line = geo.Line([geo.Point(p[0], p[1]) for p in dat]) + # Resample + computed = line.resample(2.) + zro = np.zeros_like(computed.coo[:-1, 0]) + # Computing distances + dst = geo.geodetic.distance(computed.coo[:-1, 0], + computed.coo[:-1, 1], zro, + computed.coo[1:, 0], + computed.coo[1:, 1], zro) + np.testing.assert_allclose(dst, 2.0, atol=0.02) + if PLOTTING: + _plott(computed.coo, line.coo) + def test_resample_2(self): """ Line made of 3 points (aligned in the same direction) equally spaced @@ -383,7 +412,7 @@ def test_weights_01(self): sid = 2 expected = (np.arctan((segl[i] - ui[i, sid]) / ti[i, sid]) - np.arctan(- ui[i, sid] / ti[i, sid])) - expected *= 1/ti[i, sid] + expected *= 1 / ti[i, sid] msg = 'Weight for site 2 is wrong' self.assertAlmostEqual(expected, wei[i, sid], msg) @@ -448,6 +477,21 @@ def test_weights_figure04(self): plot_pattern(lons, lats, np.log10(weit), plons, plats, label) +class LineSphereIntersectionTest(unittest.TestCase): + + def test01(self): + """ See example https://www.geogebra.org/m/mwanwvwj """ + pnt0 = np.array([13, 2, 9]) + # pnt1 = np.array([7, -4, 6]) + pnt1 = np.array([5, -6, 5]) + ref_pnt = np.array([0, 0, 0]) + distance = 10. + from openquake.hazardlib.geo.line import find_t + computed = find_t(pnt0, pnt1, ref_pnt, distance) + expected = np.array([6.92, -4.08, 5.96]) + np.testing.assert_almost_equal(computed, expected, decimal=1) + + def get_figure04_line(): """ Returns the line describing the rupture trace in Figure 4 of Spudich and @@ -535,3 +579,6 @@ def plot_pattern(lons, lats, z, plons, plats, label, num=5, show=True): if show: plt.show() return ax + + + diff --git a/openquake/hazardlib/tests/geo/surface/data/atf_haiyuan_data.py b/openquake/hazardlib/tests/geo/surface/data/atf_haiyuan_data.py new file mode 100644 index 000000000000..bd37b2e3117b --- /dev/null +++ b/openquake/hazardlib/tests/geo/surface/data/atf_haiyuan_data.py @@ -0,0 +1,219 @@ +# The Hazard Library +# Copyright (C) 2023 GEM Foundation +# +# This program is free software: you can redistribute it and/or modify +# it under the terms of the GNU Affero General Public License as +# published by the Free Software Foundation, either version 3 of the +# License, or (at your option) any later version. +# +# This program is distributed in the hope that it will be useful, +# but WITHOUT ANY WARRANTY; without even the implied warranty of +# MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the +# GNU Affero General Public License for more details. +# +# You should have received a copy of the GNU Affero General Public License +# along with this program. If not, see . + + +import numpy as np + +trace = np.array([[99.56294005, 36.55998203], + [99.56198681, 36.56002486], + [99.56103076, 36.56010237], + [99.56007429, 36.56021408], + [99.55911981, 36.56035953], + [99.55816973, 36.56053825], + [99.55722643, 36.56074975], + [99.55629233, 36.56099356], + [99.55536982, 36.56126922], + [99.55446131, 36.56157625], + [99.5535692 , 36.56191417], + [99.55269589, 36.56228252], + [99.55184378, 36.56268083], + [99.55101528, 36.56310861], + [99.55021278, 36.5635654 ], + [99.5494387 , 36.56405073], + [99.54869543, 36.56456412], + [99.54798537, 36.56510511], + [99.54731094, 36.56567321], + [99.54667452, 36.56626796], + [99.5460785 , 36.56688887], + [99.54552227, 36.56753412], + [99.54499954, 36.56819937], + [99.54450345, 36.56887998], + [99.54402711, 36.56957133], + [99.54356364, 36.57026879], + [99.54310614, 36.57096773], + [99.54264774, 36.57166354], + [99.54218155, 36.57235158], + [99.54170069, 36.57302722], + [99.54119826, 36.57368584], + [99.54066739, 36.57432281], + [99.54010119, 36.57493351], + [99.53949277, 36.5755133 ], + [99.53883738, 36.57605907], + [99.53813897, 36.57657392], + [99.53740379, 36.57706256], + [99.53663804, 36.5775297 ], + [99.53584795, 36.57798004], + [99.53503974, 36.5784183 ], + [99.53421963, 36.57884917], + [99.53339385, 36.57927736], + [99.53256862, 36.57970758], + [99.53175016, 36.58014455], + [99.53094469, 36.58059296], + [99.53015843, 36.58105752], + [99.52939621, 36.58154187], + [99.52865603, 36.58204438], + [99.52793381, 36.58256183], + [99.52722546, 36.58309099], + [99.5265269 , 36.58362862], + [99.52583404, 36.58417151], + [99.5251428 , 36.58471641], + [99.5244491 , 36.5852601 ], + [99.52375023, 36.5858004 ], + [99.5230473 , 36.58633797], + [99.52234209, 36.586874 ], + [99.52163634, 36.58740967], + [99.52093183, 36.58794614], + [99.52023033, 36.5884846 ], + [99.51953359, 36.58902622], + [99.51884339, 36.58957216], + [99.51816148, 36.59012362], + [99.51748964, 36.59068176], + [99.51682963, 36.59124776], + [99.51618321, 36.59182279], + [99.51555214, 36.59240803], + [99.51493728, 36.59300403], + [99.51433802, 36.59361033], + [99.51375359, 36.59422639], + [99.51318323, 36.59485165], + [99.51262617, 36.59548556], + [99.51208167, 36.59612756], + [99.51154895, 36.59677711], + [99.51102726, 36.59743364], + [99.51051583, 36.5980966 ], + [99.51001389, 36.59876545], + [99.5095207 , 36.59943962], + [99.50903548, 36.60011857], + [99.50855748, 36.60080174], + [99.50808593, 36.60148858], + [99.50762006, 36.60217853], + [99.50715913, 36.60287105], + [99.50670237, 36.60356557], + [99.506249 , 36.60426154], + [99.50579829, 36.60495842], + [99.50534943, 36.60565571], + [99.50490166, 36.60635296], + [99.50445417, 36.6070497 ], + [99.50400619, 36.60774551], + [99.50355692, 36.60843991], + [99.50310559, 36.60913246], + [99.50265139, 36.6098227 ], + [99.50219355, 36.6105102 ], + [99.50173127, 36.61119448], + [99.50126378, 36.6118751 ], + [99.50079027, 36.61255162], + [99.50030997, 36.61322357], + [99.49982208, 36.6138905 ], + [99.49932582, 36.61455197], + [99.4988204 , 36.61520751], + [99.49830504, 36.61585669], + [99.49777893, 36.6164991 ], + [99.49724128, 36.61713446], + [99.49669128, 36.6177625 ], + [99.49612811, 36.61838295], + [99.49555098, 36.61899552], + [99.49495907, 36.61959995], + [99.49435158, 36.62019596], + [99.4937277 , 36.62078327], + [99.49308663, 36.62136163], + [99.49242755, 36.62193074], + [99.49174967, 36.62249033], + [99.49105217, 36.62304014], + [99.49033424, 36.62357989], + [99.48959509, 36.6241093 ], + [99.4888339 , 36.6246281 ], + [99.48804986, 36.62513601], + [99.48724218, 36.62563277], + [99.48641008, 36.62611811], + [99.48555525, 36.6265927 ], + [99.4846828 , 36.62705849], + [99.48379808, 36.62751753], + [99.48290646, 36.62797187], + [99.48201331, 36.62842357], + [99.481124 , 36.62887468], + [99.48024388, 36.62932725], + [99.47937834, 36.62978333], + [99.47853273, 36.63024498], + [99.47771241, 36.63071424], + [99.47692277, 36.63119318], + [99.47616915, 36.63168384], + [99.47545694, 36.63218828], + [99.47479149, 36.63270855], + [99.47417817, 36.63324671], + [99.47362235, 36.6338048 ], + [99.4731294 , 36.63438489], + [99.47270468, 36.63498902], + [99.47235356, 36.63561925], + [99.47207928, 36.63627691], + [99.47187666, 36.63696051], + [99.47173846, 36.63766786], + [99.47165743, 36.63839675], + [99.47162634, 36.639145 ], + [99.47163795, 36.63991042], + [99.471685 , 36.6406908 ], + [99.47176025, 36.64148396], + [99.47185647, 36.6422877 ], + [99.47196641, 36.64309982], + [99.47208281, 36.64391814], + [99.47219845, 36.64474046], + [99.47230607, 36.64556458], + [99.47239842, 36.64638831], + [99.47246827, 36.64720947], + [99.47250836, 36.64802584], + [99.47251145, 36.64883524], + [99.4724703 , 36.64963548], + [99.47237765, 36.65042437], + [99.47222765, 36.65120006], + [99.4720241 , 36.65196332], + [99.47177491, 36.65271596], + [99.47148802, 36.65345982], + [99.47117134, 36.65419673], + [99.47083281, 36.65492854], + [99.47048036, 36.65565706], + [99.47012191, 36.65638414], + [99.4697654 , 36.65711161], + [99.46941875, 36.65784131], + [99.46908989, 36.65857506], + [99.46878461, 36.6593142 ], + [99.46850282, 36.66005864], + [99.46824341, 36.66080806], + [99.46800529, 36.66156215], + [99.46778736, 36.66232059], + [99.46758853, 36.66308305], + [99.4674077 , 36.66384922], + [99.46724376, 36.66461878], + [99.46709563, 36.66539141], + [99.4669622 , 36.66616679], + [99.46684237, 36.6669446 ], + [99.46673506, 36.66772452], + [99.46663915, 36.66850624], + [99.46655355, 36.66928943], + [99.46647717, 36.67007378], + [99.4664089 , 36.67085896], + [99.46634766, 36.67164466], + [99.46629233, 36.67243055], + [99.46624182, 36.67321633], + [99.46619504, 36.67400166], + [99.46615088, 36.67478624], + [99.46610824, 36.67556974], + [99.46606604, 36.67635184], + [99.46602317, 36.67713222], + [99.46597852, 36.67791056], + [99.46593101, 36.67868655], + [99.46587954, 36.67945987], + [99.465823 , 36.68023019], + [99.4657603 , 36.6809972 ], + [99.46569033, 36.68176058], + [99.46561201, 36.68252 ]]) From 84848bb02df5640198254d3255a4e5d4852f0e34 Mon Sep 17 00:00:00 2001 From: Michele Simionato Date: Tue, 26 Sep 2023 06:57:11 +0200 Subject: [PATCH 02/13] Fixed expected files --- openquake/engine/tests/aelo_test.py | 2 +- .../expected/hazard_curve-mean-PGA.csv | 4 +- .../expected/hazard_curve-rlz-000-PGA.csv | 4 +- .../case_61/expected/hcurve-mean.csv | 4 +- .../case_74/expected/hcurve-mean.csv | 4 +- .../case_master/expected/damages-rlz-004.csv | 16 +- .../case_master/expected/damages-rlz-005.csv | 14 +- .../case_master/expected/damages-rlz-006.csv | 14 +- .../case_master/expected/damages-rlz-007.csv | 14 +- .../case_master/expected/loss_maps-mean.csv | 12 +- .../expected/loss_maps-quantile-0.5.csv | 12 +- .../expected/loss_maps-quantile-0.85.csv | 12 +- .../disagg/case_6/expected/Dist-0.csv | 26 +- .../disagg/case_6/expected/Lon_Lat-0.csv | 74 +- .../case_master/expected/mean_disagg.rst | 8 +- .../expected_output/Mag_Dist-mean-1.csv | 674 ++++----- .../expected_output/TRT_Mag_Dist-mean-1.csv | 1346 ++++++++--------- .../event_based/case_8/expected/rup_data.csv | 4 +- .../logictree/case_05/expected/curve-mean.csv | 4 +- .../expected/hazard_curve-mean_PGA.csv | 44 +- .../expected/hazard_curve-mean_SA(0.2).csv | 44 +- .../case_13/expected/hazard_map-mean.csv | 42 +- .../expected/hazard_curve-rlz-000_PGA.csv | 18 +- .../case_30/expected/hazard_curve-PGA.csv | 6 +- .../case_30/expected/hazard_curve-SA(1.0).csv | 6 +- .../logictree/case_71/expected/hcurves.csv | 4 +- .../case_73/expected/hcurve-mean.csv | 4 +- .../scenario/case_22/gmf-data.csv | 62 +- .../scenario/case_22/gmfdata.csv | 62 +- .../case_4/expected/dmg_by_asset.csv | 4 +- .../case_3/expected/agg_loss.csv | 4 +- .../case_3/expected/asset-loss.csv | 8 +- .../case_4/expected/totlosses.txt | 2 +- .../case_5/expected/losses_by_asset.csv | 16 +- .../occupants/expected/asset-loss.csv | 8 +- 35 files changed, 1291 insertions(+), 1291 deletions(-) diff --git a/openquake/engine/tests/aelo_test.py b/openquake/engine/tests/aelo_test.py index 51a2530c8fb4..dc598105b008 100644 --- a/openquake/engine/tests/aelo_test.py +++ b/openquake/engine/tests/aelo_test.py @@ -33,7 +33,7 @@ aae = numpy.testing.assert_allclose SITES = ['close -85.071 10.606'.split(), 'far -90.071 16.60'.split()] -EXPECTED = [[0.763373, 1.84959, 1.28969], [0.318191, 0.661792, 0.758443]] +EXPECTED = [[0.763378, 1.8496, 1.28972], [0.320343, 0.66725, 0.761115]] def test_CCA(): diff --git a/openquake/qa_tests_data/classical/case_32/expected/hazard_curve-mean-PGA.csv b/openquake/qa_tests_data/classical/case_32/expected/hazard_curve-mean-PGA.csv index 7ea7986d161b..26a0bf7473f3 100644 --- a/openquake/qa_tests_data/classical/case_32/expected/hazard_curve-mean-PGA.csv +++ b/openquake/qa_tests_data/classical/case_32/expected/hazard_curve-mean-PGA.csv @@ -1,3 +1,3 @@ -#,,,,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.7.0-git5e91b20b88', start_date='2019-09-05T06:15:48', checksum=3190932410, kind='mean', investigation_time=50.0, imt='PGA'" +#,,,,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.18.0-gitcd8633af85', start_date='2023-09-26T06:44:38', checksum=691652566, kind='mean', investigation_time=50.0, imt='PGA'" lon,lat,depth,poe-0.0137000,poe-0.0192000,poe-0.0269000,poe-0.0376000,poe-0.0527000,poe-0.0738000,poe-0.1030000,poe-0.1450000,poe-0.2030000,poe-0.2840000,poe-0.3970000,poe-0.5560000,poe-0.7780000,poe-1.0900000 -0.50000,-0.50000,0.00000,9.279056E-02,9.112627E-02,8.615047E-02,7.557168E-02,5.858196E-02,3.820519E-02,1.999377E-02,7.673834E-03,2.085798E-03,3.510677E-04,2.561514E-05,0.000000E+00,0.000000E+00,0.000000E+00 +0.50000,-0.50000,0.00000,9.278490E-02,9.111092E-02,8.612406E-02,7.554283E-02,5.856197E-02,3.819643E-02,1.999130E-02,7.673525E-03,2.085781E-03,3.510647E-04,2.561490E-05,0.000000E+00,0.000000E+00,0.000000E+00 diff --git a/openquake/qa_tests_data/classical/case_35/expected/hazard_curve-rlz-000-PGA.csv b/openquake/qa_tests_data/classical/case_35/expected/hazard_curve-rlz-000-PGA.csv index 2492c4b26ada..65f3bffe8195 100644 --- a/openquake/qa_tests_data/classical/case_35/expected/hazard_curve-rlz-000-PGA.csv +++ b/openquake/qa_tests_data/classical/case_35/expected/hazard_curve-rlz-000-PGA.csv @@ -1,3 +1,3 @@ -#,,,,,,,"generated_by='OpenQuake engine 3.7.0-git5e91b20b88', start_date='2019-09-05T06:15:51', checksum=1518465114, kind='rlz-000', investigation_time=1.0, imt='PGA'" +#,,,,,,,"generated_by='OpenQuake engine 3.18.0-gitcd8633af85', start_date='2023-09-26T06:44:41', checksum=4110363705, kind='rlz-000', investigation_time=1.0, imt='PGA'" lon,lat,depth,poe-0.0100000,poe-0.1000000,poe-0.2000000,poe-0.3000000,poe-1.0000000 -1.00000,-0.10000,0.00000,9.995002E-04,9.980666E-04,8.422503E-04,4.614526E-04,1.101004E-06 +1.00000,-0.10000,0.00000,9.995002E-04,9.980666E-04,8.422481E-04,4.614492E-04,1.100977E-06 diff --git a/openquake/qa_tests_data/classical/case_61/expected/hcurve-mean.csv b/openquake/qa_tests_data/classical/case_61/expected/hcurve-mean.csv index 9230cc6cb556..7e61fcd6d858 100644 --- a/openquake/qa_tests_data/classical/case_61/expected/hcurve-mean.csv +++ b/openquake/qa_tests_data/classical/case_61/expected/hcurve-mean.csv @@ -1,3 +1,3 @@ -#,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.17.0-gitf63ac062d0', start_date='2023-06-02T17:22:43', checksum=2353905981, kind='mean', investigation_time=1.0, imt='SA(0.2)'" +#,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.18.0-gitcd8633af85', start_date='2023-09-26T06:45:43', checksum=2353905981, kind='mean', investigation_time=1.0, imt='SA(0.2)'" lon,lat,depth,poe-0.0050000,poe-0.0057376,poe-0.0065840,poe-0.0075552,poe-0.0086698,poe-0.0099487,poe-0.0114163,poe-0.0131004,poe-0.0150330,poe-0.0172506,poe-0.0197953,poe-0.0227155,poe-0.0260664,poe-0.0299117,poe-0.0343242,poe-0.0393876,poe-0.0451980,poe-0.0518655,poe-0.0595165,poe-0.0682963,poe-0.0783711,poe-0.0899323,poe-0.1031988,poe-0.1184225,poe-0.1358919,poe-0.1559383,poe-0.1789419,poe-0.2053390,poe-0.2356300,poe-0.2703896,poe-0.3102768,poe-0.3560480,poe-0.4085713,poe-0.4688427,poe-0.5380052,poe-0.6173704,poe-0.7084434,poe-0.8129511,poe-0.9328756,poe-1.0704911,poe-1.2284072,poe-1.4096188,poe-1.6175622,poe-1.8561809,poe-2.1300000 -1.00000,0.10000,0.00000,5.365913E-02,5.365913E-02,5.365913E-02,5.365913E-02,5.365913E-02,5.365913E-02,5.365901E-02,5.365725E-02,5.365028E-02,5.363090E-02,5.358419E-02,5.348732E-02,5.330948E-02,5.300755E-02,5.252317E-02,5.178322E-02,5.070776E-02,4.921345E-02,4.722582E-02,4.469416E-02,4.160557E-02,3.799580E-02,3.395364E-02,2.961677E-02,2.515863E-02,2.076828E-02,1.662691E-02,1.288572E-02,9.649741E-03,6.970344E-03,4.847082E-03,3.237180E-03,2.069649E-03,1.260798E-03,7.264060E-04,3.911607E-04,1.941767E-04,8.719748E-05,3.363100E-05,9.559946E-06,1.004090E-06,0.000000E+00,0.000000E+00,0.000000E+00,0.000000E+00 +1.00000,0.10000,0.00000,5.365913E-02,5.365913E-02,5.365913E-02,5.365913E-02,5.365913E-02,5.365913E-02,5.365900E-02,5.365715E-02,5.364995E-02,5.363018E-02,5.358283E-02,5.348498E-02,5.330568E-02,5.300172E-02,5.251464E-02,5.177134E-02,5.069202E-02,4.919356E-02,4.720188E-02,4.466666E-02,4.157546E-02,3.796436E-02,3.392231E-02,2.958699E-02,2.513163E-02,2.074493E-02,1.660764E-02,1.287055E-02,9.638350E-03,6.962186E-03,4.841508E-03,3.233547E-03,2.067400E-03,1.259508E-03,7.257466E-04,3.908611E-04,1.940569E-04,8.716178E-05,3.362581E-05,9.560272E-06,1.004220E-06,0.000000E+00,0.000000E+00,0.000000E+00,0.000000E+00 diff --git a/openquake/qa_tests_data/classical/case_74/expected/hcurve-mean.csv b/openquake/qa_tests_data/classical/case_74/expected/hcurve-mean.csv index aab926911372..a14888eb1329 100644 --- a/openquake/qa_tests_data/classical/case_74/expected/hcurve-mean.csv +++ b/openquake/qa_tests_data/classical/case_74/expected/hcurve-mean.csv @@ -1,3 +1,3 @@ -#,,,,,,,,,,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.13.0-git47a7859670', start_date='2021-12-07T23:00:38', checksum=3370060175, kind='mean', investigation_time=50.0, imt='EAS(1.0)'" +#,,,,,,,,,,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.18.0-gitcd8633af85', start_date='2023-09-26T06:46:14', checksum=3740864393, kind='mean', investigation_time=50.0, imt='EAS(1.000000)'" lon,lat,depth,poe-0.0050000,poe-0.0058539,poe-0.0068536,poe-0.0080241,poe-0.0093944,poe-0.0109988,poe-0.0128772,poe-0.0150764,poe-0.0176511,poe-0.0206656,poe-0.0241948,poe-0.0283268,poe-0.0331645,poe-0.0388283,poe-0.0454594,poe-0.0532230,poe-0.0623124,poe-0.0729541,poe-0.0854131,poe-0.1000000 -0.00000,0.00000,0.00000,3.416986E-01,3.002454E-01,2.563295E-01,2.119190E-01,1.691546E-01,1.300196E-01,9.602692E-02,6.801622E-02,4.611550E-02,2.985637E-02,1.838320E-02,1.067934E-02,5.752333E-03,2.788700E-03,1.162588E-03,3.884068E-04,8.340155E-05,5.299102E-06,0.000000E+00,0.000000E+00 +0.00000,0.00000,0.00000,3.416837E-01,3.002303E-01,2.563149E-01,2.119057E-01,1.691431E-01,1.300101E-01,9.601953E-02,6.801078E-02,4.611169E-02,2.985385E-02,1.838162E-02,1.067840E-02,5.751829E-03,2.788514E-03,1.162544E-03,3.884032E-04,8.340048E-05,5.299013E-06,0.000000E+00,0.000000E+00 diff --git a/openquake/qa_tests_data/classical_damage/case_master/expected/damages-rlz-004.csv b/openquake/qa_tests_data/classical_damage/case_master/expected/damages-rlz-004.csv index d4535210c0e7..a5957157efb6 100644 --- a/openquake/qa_tests_data/classical_damage/case_master/expected/damages-rlz-004.csv +++ b/openquake/qa_tests_data/classical_damage/case_master/expected/damages-rlz-004.csv @@ -1,9 +1,9 @@ -#,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.10.0-gitff3fc89039', start_date='2020-07-10T08:39:06', checksum=648091558, investigation_time=1.0, risk_investigation_time=None" +#,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.18.0-gitcd8633af85', start_date='2023-09-26T06:44:13', checksum=3613274803, investigation_time=1.0, risk_investigation_time=1.0" asset_id,taxonomy,lon,lat,nonstructural~no_damage,nonstructural~ds1,nonstructural~ds2,nonstructural~ds3,nonstructural~ds4,structural~no_damage,structural~ds1,structural~ds2,structural~ds3,structural~ds4 -a3,tax1,-122.57000,38.11300,9.963378E-01,2.934118E-03,7.117254E-04,1.636212E-05,2.801994E-10,9.998759E-01,1.001977E-04,-1.900841E-05,-4.311249E-05,8.599727E-05 -a2,tax2,-122.11400,38.11300,9.946490E-01,2.543859E-03,1.334815E-03,7.458219E-04,7.265305E-04,9.935337E-01,3.635922E-03,1.967980E-03,6.055560E-04,2.568430E-04 -a5,tax1,-122.00000,37.91000,9.864907E-01,9.644140E-03,3.386189E-03,4.689918E-04,9.957058E-06,9.982929E-01,1.166571E-03,1.155486E-04,-9.806483E-05,5.230239E-04 -a4,tax3,-122.00000,38.00000,9.940097E-01,7.238995E-04,3.450400E-03,9.981862E-04,8.178113E-04,9.948835E-01,2.081140E-03,2.281474E-03,5.034592E-04,2.503740E-04 -a1,tax1,-122.00000,38.11300,9.704795E-01,1.504153E-02,1.241258E-02,2.040039E-03,2.630721E-05,9.923522E-01,5.546602E-03,6.518774E-04,-7.837272E-05,1.527639E-03 -a6,tax2,-122.00000,38.22500,9.926954E-01,3.258987E-03,1.902020E-03,1.090289E-03,1.053341E-03,9.915429E-01,4.259313E-03,2.716226E-03,1.002218E-03,4.793120E-04 -a7,tax1,-121.88600,38.11300,9.816589E-01,1.305376E-02,4.717131E-03,5.574375E-04,1.281754E-05,9.979897E-01,1.363848E-03,1.261616E-04,-1.339083E-04,6.542664E-04 +a3,tax1,-122.57000,38.11300,9.963378E-01,2.934118E-03,7.117256E-04,1.636213E-05,2.802008E-10,9.998759E-01,1.001978E-04,-1.900840E-05,-4.311249E-05,8.599729E-05 +a2,tax2,-122.11400,38.11300,9.946489E-01,2.543849E-03,1.334817E-03,7.458274E-04,7.265488E-04,9.935337E-01,3.635918E-03,1.967983E-03,6.055631E-04,2.568518E-04 +a5,tax1,-122.00000,37.91000,9.864894E-01,9.645000E-03,3.386598E-03,4.690025E-04,9.957130E-06,9.982929E-01,1.166615E-03,1.155449E-04,-9.807568E-05,5.230484E-04 +a4,tax3,-122.00000,38.00000,9.940084E-01,7.240893E-04,3.451040E-03,9.984198E-04,8.180020E-04,9.948829E-01,2.081393E-03,2.281794E-03,5.035294E-04,2.503991E-04 +a1,tax1,-122.00000,38.11300,9.704801E-01,1.504157E-02,1.241216E-02,2.039908E-03,2.630508E-05,9.923527E-01,5.546285E-03,6.518250E-04,-7.838312E-05,1.527564E-03 +a6,tax2,-122.00000,38.22500,9.927353E-01,3.252492E-03,1.891532E-03,1.081572E-03,1.039072E-03,9.915791E-01,4.251072E-03,2.703302E-03,9.935939E-04,4.729623E-04 +a7,tax1,-121.88600,38.11300,9.816588E-01,1.305380E-02,4.717183E-03,5.574403E-04,1.281754E-05,9.979896E-01,1.363859E-03,1.261619E-04,-1.339088E-04,6.542686E-04 diff --git a/openquake/qa_tests_data/classical_damage/case_master/expected/damages-rlz-005.csv b/openquake/qa_tests_data/classical_damage/case_master/expected/damages-rlz-005.csv index 2b199cd8058d..63466bd6a6f9 100644 --- a/openquake/qa_tests_data/classical_damage/case_master/expected/damages-rlz-005.csv +++ b/openquake/qa_tests_data/classical_damage/case_master/expected/damages-rlz-005.csv @@ -1,9 +1,9 @@ -#,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.10.0-gitff3fc89039', start_date='2020-07-10T08:39:06', checksum=648091558, investigation_time=1.0, risk_investigation_time=None" +#,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.18.0-gitcd8633af85', start_date='2023-09-26T06:44:13', checksum=3613274803, investigation_time=1.0, risk_investigation_time=1.0" asset_id,taxonomy,lon,lat,nonstructural~no_damage,nonstructural~ds1,nonstructural~ds2,nonstructural~ds3,nonstructural~ds4,structural~no_damage,structural~ds1,structural~ds2,structural~ds3,structural~ds4 a3,tax1,-122.57000,38.11300,9.961314E-01,3.077408E-03,7.802437E-04,1.099757E-05,7.240986E-12,9.999031E-01,7.803310E-05,-2.176010E-05,-4.462452E-05,8.526585E-05 -a2,tax2,-122.11400,38.11300,9.944187E-01,2.591706E-03,1.403950E-03,7.974681E-04,7.882083E-04,9.930047E-01,3.725762E-03,2.151879E-03,7.463535E-04,3.712599E-04 -a5,tax1,-122.00000,37.91000,9.864185E-01,9.649762E-03,3.515597E-03,4.123918E-04,3.772401E-06,9.982939E-01,1.252389E-03,8.353602E-05,-1.134404E-04,4.836272E-04 -a4,tax3,-122.00000,38.00000,9.937789E-01,7.616484E-04,3.536269E-03,1.053647E-03,8.695425E-04,9.947201E-01,2.135516E-03,2.367257E-03,5.264863E-04,2.506367E-04 -a1,tax1,-122.00000,38.11300,9.703290E-01,1.494181E-02,1.258426E-02,2.121556E-03,2.341010E-05,9.919823E-01,5.836465E-03,6.874354E-04,-7.488330E-05,1.568723E-03 -a6,tax2,-122.00000,38.22500,9.924783E-01,3.322038E-03,1.969470E-03,1.134720E-03,1.095443E-03,9.910740E-01,4.375239E-03,2.888747E-03,1.110699E-03,5.513628E-04 -a7,tax1,-121.88600,38.11300,9.814757E-01,1.290600E-02,4.898617E-03,7.071172E-04,1.258241E-05,9.974627E-01,1.725499E-03,1.952024E-04,-1.197838E-04,7.363197E-04 +a2,tax2,-122.11400,38.11300,9.944187E-01,2.591693E-03,1.403938E-03,7.974601E-04,7.881992E-04,9.930048E-01,3.725749E-03,2.151864E-03,7.463455E-04,3.712552E-04 +a5,tax1,-122.00000,37.91000,9.864172E-01,9.650621E-03,3.516005E-03,4.124026E-04,3.772452E-06,9.982938E-01,1.252434E-03,8.353239E-05,-1.134513E-04,4.836517E-04 +a4,tax3,-122.00000,38.00000,9.937776E-01,7.618382E-04,3.536909E-03,1.053881E-03,8.697336E-04,9.947194E-01,2.135770E-03,2.367580E-03,5.265597E-04,2.506642E-04 +a1,tax1,-122.00000,38.11300,9.703295E-01,1.494182E-02,1.258384E-02,2.121473E-03,2.340972E-05,9.919826E-01,5.836202E-03,6.874065E-04,-7.488639E-05,1.568677E-03 +a6,tax2,-122.00000,38.22500,9.925197E-01,3.316890E-03,1.958521E-03,1.125182E-03,1.079654E-03,9.911191E-01,4.368251E-03,2.873190E-03,1.098354E-03,5.410627E-04 +a7,tax1,-121.88600,38.11300,9.814772E-01,1.290866E-02,4.898429E-03,7.032837E-04,1.242245E-05,9.974712E-01,1.721892E-03,1.933158E-04,-1.203972E-04,7.340015E-04 diff --git a/openquake/qa_tests_data/classical_damage/case_master/expected/damages-rlz-006.csv b/openquake/qa_tests_data/classical_damage/case_master/expected/damages-rlz-006.csv index f37ac818d397..08f6dbfae10a 100644 --- a/openquake/qa_tests_data/classical_damage/case_master/expected/damages-rlz-006.csv +++ b/openquake/qa_tests_data/classical_damage/case_master/expected/damages-rlz-006.csv @@ -1,9 +1,9 @@ -#,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.10.0-gitff3fc89039', start_date='2020-07-10T08:39:06', checksum=648091558, investigation_time=1.0, risk_investigation_time=None" +#,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.18.0-gitcd8633af85', start_date='2023-09-26T06:44:13', checksum=3613274803, investigation_time=1.0, risk_investigation_time=1.0" asset_id,taxonomy,lon,lat,nonstructural~no_damage,nonstructural~ds1,nonstructural~ds2,nonstructural~ds3,nonstructural~ds4,structural~no_damage,structural~ds1,structural~ds2,structural~ds3,structural~ds4 -a3,tax1,-122.57000,38.11300,9.972275E-01,2.142046E-03,6.140877E-04,1.629342E-05,2.801994E-10,9.998913E-01,8.871035E-05,-1.277538E-05,-3.095343E-05,6.364925E-05 -a2,tax2,-122.11400,38.11300,9.918771E-01,3.693628E-03,2.106790E-03,1.190856E-03,1.131563E-03,9.919006E-01,4.224739E-03,2.584015E-03,8.950210E-04,3.956319E-04 -a5,tax1,-122.00000,37.91000,9.841847E-01,1.086774E-02,4.419614E-03,5.179603E-04,9.964106E-06,9.980643E-01,1.357592E-03,1.184912E-04,-1.128689E-04,5.724212E-04 -a4,tax3,-122.00000,38.00000,9.917831E-01,1.049015E-03,4.493186E-03,1.438537E-03,1.236203E-03,9.920622E-01,2.981881E-03,3.565105E-03,9.294426E-04,4.613860E-04 -a1,tax1,-122.00000,38.11300,9.689554E-01,1.438098E-02,1.362494E-02,2.984085E-03,5.456346E-05,9.896562E-01,7.149702E-03,1.074411E-03,3.685822E-05,2.082854E-03 -a6,tax2,-122.00000,38.22500,9.898573E-01,4.142483E-03,2.679722E-03,1.615874E-03,1.704633E-03,9.898422E-01,4.686290E-03,3.326094E-03,1.388291E-03,7.571307E-04 +a3,tax1,-122.57000,38.11300,9.972275E-01,2.142046E-03,6.140879E-04,1.629344E-05,2.802008E-10,9.998913E-01,8.871040E-05,-1.277537E-05,-3.095343E-05,6.364926E-05 +a2,tax2,-122.11400,38.11300,9.918771E-01,3.693631E-03,2.106803E-03,1.190868E-03,1.131588E-03,9.919006E-01,4.224747E-03,2.584032E-03,8.950350E-04,3.956442E-04 +a5,tax1,-122.00000,37.91000,9.841847E-01,1.086773E-02,4.419613E-03,5.179620E-04,9.964177E-06,9.980643E-01,1.357594E-03,1.184920E-04,-1.128686E-04,5.724221E-04 +a4,tax3,-122.00000,38.00000,9.917831E-01,1.049014E-03,4.493184E-03,1.438536E-03,1.236203E-03,9.920622E-01,2.981880E-03,3.565104E-03,9.294421E-04,4.613858E-04 +a1,tax1,-122.00000,38.11300,9.689554E-01,1.438098E-02,1.362495E-02,2.984087E-03,5.456356E-05,9.896562E-01,7.149705E-03,1.074412E-03,3.685855E-05,2.082855E-03 +a6,tax2,-122.00000,38.22500,9.898944E-01,4.136844E-03,2.670020E-03,1.607685E-03,1.691005E-03,9.898757E-01,4.678757E-03,3.314109E-03,1.380230E-03,7.511611E-04 a7,tax1,-121.88600,38.11300,9.770691E-01,1.493063E-02,7.261143E-03,7.262374E-04,1.284706E-05,9.972188E-01,2.005560E-03,1.547161E-04,-1.564306E-04,7.773216E-04 diff --git a/openquake/qa_tests_data/classical_damage/case_master/expected/damages-rlz-007.csv b/openquake/qa_tests_data/classical_damage/case_master/expected/damages-rlz-007.csv index 0704b8849437..e41e0833689d 100644 --- a/openquake/qa_tests_data/classical_damage/case_master/expected/damages-rlz-007.csv +++ b/openquake/qa_tests_data/classical_damage/case_master/expected/damages-rlz-007.csv @@ -1,9 +1,9 @@ -#,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.10.0-gitff3fc89039', start_date='2020-07-10T08:39:06', checksum=648091558, investigation_time=1.0, risk_investigation_time=None" +#,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.18.0-gitcd8633af85', start_date='2023-09-26T06:44:13', checksum=3613274803, investigation_time=1.0, risk_investigation_time=1.0" asset_id,taxonomy,lon,lat,nonstructural~no_damage,nonstructural~ds1,nonstructural~ds2,nonstructural~ds3,nonstructural~ds4,structural~no_damage,structural~ds1,structural~ds2,structural~ds3,structural~ds4 a3,tax1,-122.57000,38.11300,9.970210E-01,2.285514E-03,6.826122E-04,1.092887E-05,7.240986E-12,9.999185E-01,6.654534E-05,-1.552706E-05,-3.246546E-05,6.291781E-05 -a2,tax2,-122.11400,38.11300,9.916475E-01,3.741130E-03,2.175725E-03,1.242430E-03,1.193216E-03,9.913725E-01,4.314169E-03,2.767564E-03,1.035725E-03,5.100330E-04 -a5,tax1,-122.00000,37.91000,9.841126E-01,1.087326E-02,4.548945E-03,4.613634E-04,3.779448E-06,9.980654E-01,1.443407E-03,8.647995E-05,-1.282446E-04,5.330264E-04 -a4,tax3,-122.00000,38.00000,9.915528E-01,1.086616E-03,4.578778E-03,1.493928E-03,1.287913E-03,9.918992E-01,3.036004E-03,3.650693E-03,9.524549E-04,4.616487E-04 -a1,tax1,-122.00000,38.11300,9.688051E-01,1.428158E-02,1.379614E-02,3.065526E-03,5.166644E-05,9.892872E-01,7.438648E-03,1.109911E-03,4.034055E-05,2.123915E-03 -a6,tax2,-122.00000,38.22500,9.896409E-01,4.205217E-03,2.746972E-03,1.660230E-03,1.746707E-03,9.893740E-01,4.801864E-03,3.498283E-03,1.496671E-03,8.291614E-04 -a7,tax1,-121.88600,38.11300,9.768868E-01,1.478291E-02,7.441752E-03,8.758919E-04,1.261193E-05,9.966924E-01,2.366825E-03,2.237453E-04,-1.423057E-04,8.593649E-04 +a2,tax2,-122.11400,38.11300,9.916475E-01,3.741130E-03,2.175724E-03,1.242429E-03,1.193214E-03,9.913725E-01,4.314169E-03,2.767563E-03,1.035724E-03,5.100318E-04 +a5,tax1,-122.00000,37.91000,9.841127E-01,1.087326E-02,4.548945E-03,4.613652E-04,3.779499E-06,9.980654E-01,1.443410E-03,8.648082E-05,-1.282443E-04,5.330274E-04 +a4,tax3,-122.00000,38.00000,9.915528E-01,1.086615E-03,4.578776E-03,1.493927E-03,1.287912E-03,9.918992E-01,3.036004E-03,3.650695E-03,9.524575E-04,4.616508E-04 +a1,tax1,-122.00000,38.11300,9.688051E-01,1.428154E-02,1.379615E-02,3.065576E-03,5.166829E-05,9.892871E-01,7.438703E-03,1.109936E-03,4.034818E-05,2.123945E-03 +a6,tax2,-122.00000,38.22500,9.896795E-01,4.200922E-03,2.736812E-03,1.651223E-03,1.731560E-03,9.894166E-01,4.795585E-03,3.483672E-03,1.484894E-03,8.192425E-04 +a7,tax1,-121.88600,38.11300,9.768884E-01,1.478553E-02,7.441523E-03,8.720563E-04,1.245196E-05,9.967008E-01,2.363213E-03,2.218586E-04,-1.429185E-04,8.570447E-04 diff --git a/openquake/qa_tests_data/classical_risk/case_master/expected/loss_maps-mean.csv b/openquake/qa_tests_data/classical_risk/case_master/expected/loss_maps-mean.csv index 6c9166124394..bb0f516e42b2 100644 --- a/openquake/qa_tests_data/classical_risk/case_master/expected/loss_maps-mean.csv +++ b/openquake/qa_tests_data/classical_risk/case_master/expected/loss_maps-mean.csv @@ -1,9 +1,9 @@ -#,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.16.0-git2fcc728594', start_date='2023-01-24T15:18:27', checksum=1883399059, kind='mean', risk_investigation_time=50.0" +#,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.18.0-gitcd8633af85', start_date='2023-09-26T06:44:28', checksum=266296396, kind='mean', risk_investigation_time=50.0" asset_id,taxonomy,lon,lat,business_interruption~poe-0.02,business_interruption~poe-0.1,contents~poe-0.02,contents~poe-0.1,nonstructural~poe-0.02,nonstructural~poe-0.1,occupants~poe-0.02,occupants~poe-0.1,structural~poe-0.02,structural~poe-0.1 a3,tax1,-122.57000,38.11300,1.81130E+02,7.45549E+01,1.46943E+03,4.63702E+02,1.63489E+03,6.95546E+02,3.62260E-03,1.49110E-03,7.35334E+02,2.86927E+02 -a2,tax2,-122.11400,38.11300,6.51521E+02,2.61629E+02,5.00000E+03,4.40692E+03,1.35642E+04,5.98269E+03,1.30304E-02,5.23257E-03,1.77554E+03,6.48536E+02 -a5,tax1,-122.00000,37.91000,6.31299E+02,1.97963E+02,4.35566E+03,1.62159E+03,5.77590E+03,1.78015E+03,1.26260E-02,3.95925E-03,3.23855E+03,8.99203E+02 +a2,tax2,-122.11400,38.11300,6.51533E+02,2.61635E+02,5.00000E+03,4.40696E+03,1.35643E+04,5.98277E+03,1.30307E-02,5.23269E-03,1.77557E+03,6.48549E+02 +a5,tax1,-122.00000,37.91000,6.31300E+02,1.97963E+02,4.35566E+03,1.62159E+03,5.77591E+03,1.78015E+03,1.26260E-02,3.95925E-03,3.23857E+03,8.99204E+02 a4,tax3,-122.00000,38.00000,1.18980E+03,4.40797E+02,5.00000E+03,4.52606E+03,1.50000E+04,9.00675E+03,2.37959E-02,8.81594E-03,5.25769E+03,1.94489E+03 -a1,tax1,-122.00000,38.11300,1.55392E+03,7.20126E+02,5.00000E+03,4.61681E+03,1.29824E+04,6.66070E+03,3.10784E-02,1.44025E-02,7.74395E+03,3.78605E+03 -a6,tax2,-122.00000,38.22500,8.54584E+02,3.56050E+02,5.00000E+03,4.90922E+03,1.49680E+04,9.76052E+03,1.70917E-02,7.12100E-03,2.32254E+03,8.61344E+02 -a7,tax1,-121.88600,38.11300,8.42957E+02,2.86465E+02,4.71518E+03,2.30010E+03,7.67756E+03,2.56537E+03,1.68591E-02,5.72931E-03,4.24943E+03,1.34583E+03 +a1,tax1,-122.00000,38.11300,1.55393E+03,7.20131E+02,5.00000E+03,4.61682E+03,1.29825E+04,6.66074E+03,3.10786E-02,1.44026E-02,7.74398E+03,3.78607E+03 +a6,tax2,-122.00000,38.22500,8.43225E+02,3.54073E+02,5.00000E+03,4.90629E+03,1.49540E+04,9.70248E+03,1.68645E-02,7.08147E-03,2.29159E+03,8.56616E+02 +a7,tax1,-121.88600,38.11300,8.41067E+02,2.86236E+02,4.71313E+03,2.29860E+03,7.66127E+03,2.56338E+03,1.68213E-02,5.72471E-03,4.24213E+03,1.34476E+03 diff --git a/openquake/qa_tests_data/classical_risk/case_master/expected/loss_maps-quantile-0.5.csv b/openquake/qa_tests_data/classical_risk/case_master/expected/loss_maps-quantile-0.5.csv index bdd2e55c0775..3eeec0558d4f 100644 --- a/openquake/qa_tests_data/classical_risk/case_master/expected/loss_maps-quantile-0.5.csv +++ b/openquake/qa_tests_data/classical_risk/case_master/expected/loss_maps-quantile-0.5.csv @@ -1,9 +1,9 @@ -#,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.16.0-git2fcc728594', start_date='2023-01-24T15:18:27', checksum=1883399059, kind='quantile-0.5', risk_investigation_time=50.0" +#,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.18.0-gitcd8633af85', start_date='2023-09-26T06:44:28', checksum=266296396, kind='quantile-0.5', risk_investigation_time=50.0" asset_id,taxonomy,lon,lat,business_interruption~poe-0.02,business_interruption~poe-0.1,contents~poe-0.02,contents~poe-0.1,nonstructural~poe-0.02,nonstructural~poe-0.1,occupants~poe-0.02,occupants~poe-0.1,structural~poe-0.02,structural~poe-0.1 a3,tax1,-122.57000,38.11300,1.85795E+02,8.16002E+01,1.51408E+03,5.15355E+02,1.67571E+03,7.63987E+02,3.71591E-03,1.63200E-03,7.78442E+02,3.05113E+02 -a2,tax2,-122.11400,38.11300,6.44089E+02,2.51395E+02,5.00000E+03,4.18877E+03,1.30482E+04,5.55456E+03,1.28818E-02,5.02791E-03,1.75779E+03,6.03819E+02 -a5,tax1,-122.00000,37.91000,6.68241E+02,1.97367E+02,4.57471E+03,1.61285E+03,6.27931E+03,1.77415E+03,1.33648E-02,3.94734E-03,3.60586E+03,8.92835E+02 -a4,tax3,-122.00000,38.00000,1.16359E+03,4.00638E+02,5.00000E+03,4.33904E+03,1.48477E+04,8.20400E+03,2.32717E-02,8.01277E-03,5.13771E+03,1.79300E+03 -a1,tax1,-122.00000,38.11300,1.48778E+03,6.51690E+02,5.00000E+03,4.49909E+03,1.25873E+04,5.98297E+03,2.97556E-02,1.30338E-02,7.39321E+03,3.46249E+03 -a6,tax2,-122.00000,38.22500,7.75908E+02,3.37260E+02,5.00000E+03,4.85346E+03,1.47771E+04,8.97860E+03,1.55182E-02,6.74521E-03,2.10883E+03,8.18383E+02 +a2,tax2,-122.11400,38.11300,6.44110E+02,2.51406E+02,5.00000E+03,4.18884E+03,1.30484E+04,5.55471E+03,1.28822E-02,5.02812E-03,1.75784E+03,6.03846E+02 +a5,tax1,-122.00000,37.91000,6.68245E+02,1.97367E+02,4.57472E+03,1.61285E+03,6.27934E+03,1.77415E+03,1.33649E-02,3.94734E-03,3.60587E+03,8.92836E+02 +a4,tax3,-122.00000,38.00000,1.16359E+03,4.00638E+02,5.00000E+03,4.33904E+03,1.48477E+04,8.20399E+03,2.32717E-02,8.01276E-03,5.13771E+03,1.79300E+03 +a1,tax1,-122.00000,38.11300,1.48780E+03,6.51691E+02,5.00000E+03,4.49910E+03,1.25875E+04,5.98298E+03,2.97560E-02,1.30338E-02,7.39332E+03,3.46250E+03 +a6,tax2,-122.00000,38.22500,7.55799E+02,3.34667E+02,5.00000E+03,4.84828E+03,1.47593E+04,8.93231E+03,1.51160E-02,6.69333E-03,2.05380E+03,8.12356E+02 a7,tax1,-121.88600,38.11300,7.80463E+02,2.75453E+02,4.61119E+03,2.17012E+03,7.08553E+03,2.43268E+03,1.56093E-02,5.50906E-03,4.00836E+03,1.28692E+03 diff --git a/openquake/qa_tests_data/classical_risk/case_master/expected/loss_maps-quantile-0.85.csv b/openquake/qa_tests_data/classical_risk/case_master/expected/loss_maps-quantile-0.85.csv index 21391ddc0588..7f205ba3165a 100644 --- a/openquake/qa_tests_data/classical_risk/case_master/expected/loss_maps-quantile-0.85.csv +++ b/openquake/qa_tests_data/classical_risk/case_master/expected/loss_maps-quantile-0.85.csv @@ -1,9 +1,9 @@ -#,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.16.0-git2fcc728594', start_date='2023-01-24T15:18:27', checksum=1883399059, kind='quantile-0.85', risk_investigation_time=50.0" +#,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.18.0-gitcd8633af85', start_date='2023-09-26T06:44:28', checksum=266296396, kind='quantile-0.85', risk_investigation_time=50.0" asset_id,taxonomy,lon,lat,business_interruption~poe-0.02,business_interruption~poe-0.1,contents~poe-0.02,contents~poe-0.1,nonstructural~poe-0.02,nonstructural~poe-0.1,occupants~poe-0.02,occupants~poe-0.1,structural~poe-0.02,structural~poe-0.1 a3,tax1,-122.57000,38.11300,1.88584E+02,9.35572E+01,1.54097E+03,6.29983E+02,1.70012E+03,8.68614E+02,3.77169E-03,1.87114E-03,8.09698E+02,3.33659E+02 -a2,tax2,-122.11400,38.11300,8.12530E+02,3.14564E+02,5.00000E+03,4.69044E+03,1.44564E+04,7.48625E+03,1.62506E-02,6.29128E-03,2.20167E+03,7.72597E+02 -a5,tax1,-122.00000,37.91000,8.13167E+02,2.60910E+02,4.66756E+03,2.10761E+03,7.40976E+03,2.33991E+03,1.62633E-02,5.21821E-03,4.13178E+03,1.25766E+03 +a2,tax2,-122.11400,38.11300,8.12546E+02,3.14567E+02,5.00000E+03,4.69044E+03,1.44564E+04,7.48636E+03,1.62509E-02,6.29134E-03,2.20171E+03,7.72603E+02 +a5,tax1,-122.00000,37.91000,8.13170E+02,2.60911E+02,4.66756E+03,2.10762E+03,7.40979E+03,2.33991E+03,1.62634E-02,5.21822E-03,4.13179E+03,1.25766E+03 a4,tax3,-122.00000,38.00000,1.33383E+03,5.19211E+02,5.00000E+03,4.75097E+03,1.50000E+04,1.10069E+04,2.66766E-02,1.03842E-02,6.00339E+03,2.27083E+03 -a1,tax1,-122.00000,38.11300,1.76734E+03,8.94095E+02,5.00000E+03,4.80628E+03,1.40521E+04,8.12062E+03,3.53469E-02,1.78819E-02,8.82992E+03,4.38607E+03 -a6,tax2,-122.00000,38.22500,1.06477E+03,3.98809E+02,5.00000E+03,4.96957E+03,1.50000E+04,1.08661E+04,2.12954E-02,7.97618E-03,2.79430E+03,1.17196E+03 -a7,tax1,-121.88600,38.11300,9.99150E+02,3.47178E+02,4.92808E+03,2.80681E+03,9.10895E+03,3.11914E+03,1.99830E-02,6.94357E-03,5.04161E+03,1.63873E+03 +a1,tax1,-122.00000,38.11300,1.76735E+03,8.94095E+02,5.00000E+03,4.80628E+03,1.40521E+04,8.12063E+03,3.53470E-02,1.78819E-02,8.82996E+03,4.38608E+03 +a6,tax2,-122.00000,38.22500,1.05750E+03,3.98221E+02,5.00000E+03,4.96868E+03,1.50000E+04,1.08511E+04,2.11501E-02,7.96442E-03,2.78582E+03,1.16560E+03 +a7,tax1,-121.88600,38.11300,9.96780E+02,3.46711E+02,4.92618E+03,2.80364E+03,9.07208E+03,3.11504E+03,1.99356E-02,6.93422E-03,5.02191E+03,1.63651E+03 diff --git a/openquake/qa_tests_data/disagg/case_6/expected/Dist-0.csv b/openquake/qa_tests_data/disagg/case_6/expected/Dist-0.csv index 804bd2e4ca55..e77bf2bc5e99 100644 --- a/openquake/qa_tests_data/disagg/case_6/expected/Dist-0.csv +++ b/openquake/qa_tests_data/disagg/case_6/expected/Dist-0.csv @@ -1,14 +1,14 @@ -#,,,,,,"generated_by='OpenQuake engine 3.18.0-git59fd79fead', start_date='2023-08-28T14:18:07', checksum=3577679219, investigation_time=1.0, mag_bin_edges=[6.5, 6.75, 7.0, 7.25], dist_bin_edges=[0.0, 25.0, 50.0, 75.0, 100.0, 125.0, 150.0, 175.0, 200.0, 225.0, 250.0, 275.0, 300.0], lon_bin_edges=[175.61128112572962, 176.55755408381975, 177.50382704190986, 178.4501, 179.39637295809013, 180.34264591618023, 181.28891887427037], lat_bin_edges=[-20.822760000000002, -19.92344, -19.02412, -18.1248, -17.22548, -16.32616, -15.426840000000002], eps_bin_edges=[-3.0, 3.0], tectonic_region_types=['Active Shallow Crust'], lon=178.4501, lat=-18.1248, weights=[0.3, 0.3, 0.4], rlz_ids=[2, 1, 0]" +#,,,,,,"generated_by='OpenQuake engine 3.18.0-gitcd8633af85', start_date='2023-09-26T06:47:26', checksum=3577679219, investigation_time=1.0, mag_bin_edges=[6.5, 6.75, 7.0, 7.25], dist_bin_edges=[0.0, 25.0, 50.0, 75.0, 100.0, 125.0, 150.0, 175.0, 200.0, 225.0, 250.0, 275.0, 300.0], lon_bin_edges=[175.61128112572962, 176.55755408381975, 177.50382704190986, 178.4501, 179.39637295809013, 180.34264591618023, 181.28891887427037], lat_bin_edges=[-20.822760000000002, -19.92344, -19.02412, -18.1248, -17.22548, -16.32616, -15.426840000000002], eps_bin_edges=[-3.0, 3.0], tectonic_region_types=['Active Shallow Crust'], lon=178.4501, lat=-18.1248, weights=[0.3, 0.3, 0.4], rlz_ids=[2, 1, 0]" imt,iml,poe,dist,rlz2,rlz1,rlz0 -PGA,1.39032E-02,2.10500E-03,1.25000E+01,1.19904E-14,1.19904E-14,1.19904E-14 -PGA,1.39032E-02,2.10500E-03,3.75000E+01,1.19904E-14,1.19904E-14,1.19904E-14 -PGA,1.39032E-02,2.10500E-03,6.25000E+01,1.19904E-14,1.19904E-14,1.19904E-14 -PGA,1.39032E-02,2.10500E-03,8.75000E+01,1.19904E-14,1.19904E-14,1.19904E-14 -PGA,1.39032E-02,2.10500E-03,1.12500E+02,1.19904E-14,1.19904E-14,1.19904E-14 -PGA,1.39032E-02,2.10500E-03,1.37500E+02,1.19904E-14,1.19904E-14,1.19904E-14 -PGA,1.39032E-02,2.10500E-03,1.62500E+02,1.19904E-14,1.19904E-14,1.19904E-14 -PGA,1.39032E-02,2.10500E-03,1.87500E+02,1.19904E-14,1.19904E-14,1.19904E-14 -PGA,1.39032E-02,2.10500E-03,2.12500E+02,6.16581E-04,1.08641E-03,2.53621E-03 -PGA,1.39032E-02,2.10500E-03,2.37500E+02,9.17975E-05,1.76954E-04,7.13312E-04 -PGA,1.39032E-02,2.10500E-03,2.62500E+02,1.92071E-05,4.51343E-05,3.95415E-04 -PGA,1.39032E-02,2.10500E-03,2.87500E+02,2.91758E-06,5.71168E-07,1.09300E-04 +PGA,1.39064E-02,2.10500E-03,1.25000E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,3.75000E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,6.25000E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,8.75000E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.12500E+02,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.37500E+02,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.62500E+02,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.87500E+02,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,2.12500E+02,6.16751E-04,1.08664E-03,2.53598E-03 +PGA,1.39064E-02,2.10500E-03,2.37500E+02,9.19038E-05,1.77261E-04,7.13615E-04 +PGA,1.39064E-02,2.10500E-03,2.62500E+02,1.91776E-05,4.50819E-05,3.95161E-04 +PGA,1.39064E-02,2.10500E-03,2.87500E+02,2.91462E-06,5.70400E-07,1.09249E-04 diff --git a/openquake/qa_tests_data/disagg/case_6/expected/Lon_Lat-0.csv b/openquake/qa_tests_data/disagg/case_6/expected/Lon_Lat-0.csv index 1eab76f82efd..772e466398dc 100644 --- a/openquake/qa_tests_data/disagg/case_6/expected/Lon_Lat-0.csv +++ b/openquake/qa_tests_data/disagg/case_6/expected/Lon_Lat-0.csv @@ -1,38 +1,38 @@ -#,,,,,,,"generated_by='OpenQuake engine 3.18.0-git59fd79fead', start_date='2023-08-28T14:18:07', checksum=3577679219, investigation_time=1.0, mag_bin_edges=[6.5, 6.75, 7.0, 7.25], dist_bin_edges=[0.0, 25.0, 50.0, 75.0, 100.0, 125.0, 150.0, 175.0, 200.0, 225.0, 250.0, 275.0, 300.0], lon_bin_edges=[175.61128112572962, 176.55755408381975, 177.50382704190986, 178.4501, 179.39637295809013, 180.34264591618023, 181.28891887427037], lat_bin_edges=[-20.822760000000002, -19.92344, -19.02412, -18.1248, -17.22548, -16.32616, -15.426840000000002], eps_bin_edges=[-3.0, 3.0], tectonic_region_types=['Active Shallow Crust'], lon=178.4501, lat=-18.1248, weights=[0.3, 0.3, 0.4], rlz_ids=[2, 1, 0]" +#,,,,,,,"generated_by='OpenQuake engine 3.18.0-gitcd8633af85', start_date='2023-09-26T06:47:26', checksum=3577679219, investigation_time=1.0, mag_bin_edges=[6.5, 6.75, 7.0, 7.25], dist_bin_edges=[0.0, 25.0, 50.0, 75.0, 100.0, 125.0, 150.0, 175.0, 200.0, 225.0, 250.0, 275.0, 300.0], lon_bin_edges=[175.61128112572962, 176.55755408381975, 177.50382704190986, 178.4501, 179.39637295809013, 180.34264591618023, 181.28891887427037], lat_bin_edges=[-20.822760000000002, -19.92344, -19.02412, -18.1248, -17.22548, -16.32616, -15.426840000000002], eps_bin_edges=[-3.0, 3.0], tectonic_region_types=['Active Shallow Crust'], lon=178.4501, lat=-18.1248, weights=[0.3, 0.3, 0.4], rlz_ids=[2, 1, 0]" imt,iml,poe,lon,lat,rlz2,rlz1,rlz0 -PGA,1.39032E-02,2.10500E-03,1.76084E+02,-2.03731E+01,3.99680E-15,3.99680E-15,3.99680E-15 -PGA,1.39032E-02,2.10500E-03,1.76084E+02,-1.94738E+01,3.99680E-15,3.99680E-15,3.99680E-15 -PGA,1.39032E-02,2.10500E-03,1.76084E+02,-1.85745E+01,3.99680E-15,3.99680E-15,3.99680E-15 -PGA,1.39032E-02,2.10500E-03,1.76084E+02,-1.76751E+01,3.99680E-15,3.99680E-15,3.99680E-15 -PGA,1.39032E-02,2.10500E-03,1.76084E+02,-1.67758E+01,2.91758E-06,5.71168E-07,1.02276E-04 -PGA,1.39032E-02,2.10500E-03,1.76084E+02,-1.58765E+01,3.99680E-15,3.99680E-15,3.99680E-15 -PGA,1.39032E-02,2.10500E-03,1.77031E+02,-2.03731E+01,3.99680E-15,3.99680E-15,3.99680E-15 -PGA,1.39032E-02,2.10500E-03,1.77031E+02,-1.94738E+01,3.99680E-15,3.99680E-15,3.99680E-15 -PGA,1.39032E-02,2.10500E-03,1.77031E+02,-1.85745E+01,3.99680E-15,3.99680E-15,3.99680E-15 -PGA,1.39032E-02,2.10500E-03,1.77031E+02,-1.76751E+01,3.99680E-15,3.99680E-15,3.99680E-15 -PGA,1.39032E-02,2.10500E-03,1.77031E+02,-1.67758E+01,3.72831E-04,6.08771E-04,1.53012E-03 -PGA,1.39032E-02,2.10500E-03,1.77031E+02,-1.58765E+01,3.99680E-15,3.99680E-15,3.99680E-15 -PGA,1.39032E-02,2.10500E-03,1.77977E+02,-2.03731E+01,3.99680E-15,3.99680E-15,3.99680E-15 -PGA,1.39032E-02,2.10500E-03,1.77977E+02,-1.94738E+01,3.99680E-15,3.99680E-15,3.99680E-15 -PGA,1.39032E-02,2.10500E-03,1.77977E+02,-1.85745E+01,3.99680E-15,3.99680E-15,3.99680E-15 -PGA,1.39032E-02,2.10500E-03,1.77977E+02,-1.76751E+01,3.99680E-15,3.99680E-15,3.99680E-15 -PGA,1.39032E-02,2.10500E-03,1.77977E+02,-1.67758E+01,3.99680E-15,3.99680E-15,3.99680E-15 -PGA,1.39032E-02,2.10500E-03,1.77977E+02,-1.58765E+01,3.02725E-04,6.11061E-04,1.51278E-03 -PGA,1.39032E-02,2.10500E-03,1.78923E+02,-2.03731E+01,3.99680E-15,3.99680E-15,3.99680E-15 -PGA,1.39032E-02,2.10500E-03,1.78923E+02,-1.94738E+01,3.99680E-15,3.99680E-15,3.99680E-15 -PGA,1.39032E-02,2.10500E-03,1.78923E+02,-1.85745E+01,3.99680E-15,3.99680E-15,3.99680E-15 -PGA,1.39032E-02,2.10500E-03,1.78923E+02,-1.76751E+01,3.99680E-15,3.99680E-15,3.99680E-15 -PGA,1.39032E-02,2.10500E-03,1.78923E+02,-1.67758E+01,3.99680E-15,3.99680E-15,3.99680E-15 -PGA,1.39032E-02,2.10500E-03,1.78923E+02,-1.58765E+01,5.21074E-05,8.88935E-05,6.10119E-04 -PGA,1.39032E-02,2.10500E-03,1.79870E+02,-2.03731E+01,3.99680E-15,3.99680E-15,3.99680E-15 -PGA,1.39032E-02,2.10500E-03,1.79870E+02,-1.94738E+01,3.99680E-15,3.99680E-15,3.99680E-15 -PGA,1.39032E-02,2.10500E-03,1.79870E+02,-1.85745E+01,3.99680E-15,3.99680E-15,3.99680E-15 -PGA,1.39032E-02,2.10500E-03,1.79870E+02,-1.76751E+01,3.99680E-15,3.99680E-15,3.99680E-15 -PGA,1.39032E-02,2.10500E-03,1.79870E+02,-1.67758E+01,3.99680E-15,3.99680E-15,3.99680E-15 -PGA,1.39032E-02,2.10500E-03,1.79870E+02,-1.58765E+01,3.99680E-15,3.99680E-15,3.99680E-15 -PGA,1.39032E-02,2.10500E-03,1.80816E+02,-2.03731E+01,3.99680E-15,3.99680E-15,3.99680E-15 -PGA,1.39032E-02,2.10500E-03,1.80816E+02,-1.94738E+01,3.99680E-15,3.99680E-15,3.99680E-15 -PGA,1.39032E-02,2.10500E-03,1.80816E+02,-1.85745E+01,3.99680E-15,3.99680E-15,3.99680E-15 -PGA,1.39032E-02,2.10500E-03,1.80816E+02,-1.76751E+01,3.99680E-15,3.99680E-15,3.99680E-15 -PGA,1.39032E-02,2.10500E-03,1.80816E+02,-1.67758E+01,3.99680E-15,3.99680E-15,3.99680E-15 -PGA,1.39032E-02,2.10500E-03,1.80816E+02,-1.58765E+01,3.99680E-15,3.99680E-15,3.99680E-15 +PGA,1.39064E-02,2.10500E-03,1.76084E+02,-2.03731E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.76084E+02,-1.94738E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.76084E+02,-1.85745E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.76084E+02,-1.76751E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.76084E+02,-1.67758E+01,2.91462E-06,5.70400E-07,1.02228E-04 +PGA,1.39064E-02,2.10500E-03,1.76084E+02,-1.58765E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.77031E+02,-2.03731E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.77031E+02,-1.94738E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.77031E+02,-1.85745E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.77031E+02,-1.76751E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.77031E+02,-1.67758E+01,3.73658E-04,6.10344E-04,1.53173E-03 +PGA,1.39064E-02,2.10500E-03,1.77031E+02,-1.58765E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.77977E+02,-2.03731E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.77977E+02,-1.94738E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.77977E+02,-1.85745E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.77977E+02,-1.76751E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.77977E+02,-1.67758E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.77977E+02,-1.58765E+01,3.02215E-04,6.10079E-04,1.51138E-03 +PGA,1.39064E-02,2.10500E-03,1.78923E+02,-2.03731E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.78923E+02,-1.94738E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.78923E+02,-1.85745E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.78923E+02,-1.76751E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.78923E+02,-1.67758E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.78923E+02,-1.58765E+01,5.20372E-05,8.87884E-05,6.09716E-04 +PGA,1.39064E-02,2.10500E-03,1.79870E+02,-2.03731E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.79870E+02,-1.94738E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.79870E+02,-1.85745E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.79870E+02,-1.76751E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.79870E+02,-1.67758E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.79870E+02,-1.58765E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.80816E+02,-2.03731E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.80816E+02,-1.94738E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.80816E+02,-1.85745E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.80816E+02,-1.76751E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.80816E+02,-1.67758E+01,0.00000E+00,0.00000E+00,0.00000E+00 +PGA,1.39064E-02,2.10500E-03,1.80816E+02,-1.58765E+01,0.00000E+00,0.00000E+00,0.00000E+00 diff --git a/openquake/qa_tests_data/disagg/case_master/expected/mean_disagg.rst b/openquake/qa_tests_data/disagg/case_master/expected/mean_disagg.rst index 3426afe984da..9ad236dfd15f 100644 --- a/openquake/qa_tests_data/disagg/case_master/expected/mean_disagg.rst +++ b/openquake/qa_tests_data/disagg/case_master/expected/mean_disagg.rst @@ -5,15 +5,15 @@ +----------------------+---------+---------+---------+-----------+--------------+-------------+---------+-------------+---------+--------------+------------------+ | PGA-sid-0-poe-1 | 0.00498 | 0.05950 | 0.00859 | 7.159E-04 | 1.804E-04 | 0.00859 | 0.03004 | 0.03004 | 0.00429 | 3.580E-04 | 9.020E-05 | +----------------------+---------+---------+---------+-----------+--------------+-------------+---------+-------------+---------+--------------+------------------+ -| PGA-sid-1-poe-0 | 0.00117 | 0.01405 | 0.00201 | 1.673E-04 | 4.186E-05 | 0.00201 | 0.00703 | 0.00703 | 0.00100 | 8.363E-05 | 2.093E-05 | +| PGA-sid-1-poe-0 | 0.00117 | 0.01404 | 0.00201 | 1.672E-04 | 4.184E-05 | 0.00201 | 0.00702 | 0.00702 | 0.00100 | 8.360E-05 | 2.092E-05 | +----------------------+---------+---------+---------+-----------+--------------+-------------+---------+-------------+---------+--------------+------------------+ -| PGA-sid-1-poe-1 | 0.00513 | 0.06150 | 0.00879 | 7.324E-04 | 1.850E-04 | 0.00879 | 0.03076 | 0.03076 | 0.00439 | 3.662E-04 | 9.250E-05 | +| PGA-sid-1-poe-1 | 0.00512 | 0.06142 | 0.00878 | 7.313E-04 | 1.847E-04 | 0.00878 | 0.03072 | 0.03072 | 0.00439 | 3.657E-04 | 9.236E-05 | +----------------------+---------+---------+---------+-----------+--------------+-------------+---------+-------------+---------+--------------+------------------+ | SA(0.25)-sid-0-poe-0 | 0.00127 | 0.01520 | 0.00217 | 1.811E-04 | 4.532E-05 | 0.00217 | 0.00760 | 0.00760 | 0.00109 | 9.053E-05 | 2.266E-05 | +----------------------+---------+---------+---------+-----------+--------------+-------------+---------+-------------+---------+--------------+------------------+ | SA(0.25)-sid-0-poe-1 | 0.00521 | 0.06226 | 0.00899 | 7.491E-04 | 1.888E-04 | 0.00899 | 0.03143 | 0.03143 | 0.00449 | 3.745E-04 | 9.439E-05 | +----------------------+---------+---------+---------+-----------+--------------+-------------+---------+-------------+---------+--------------+------------------+ -| SA(0.25)-sid-1-poe-0 | 0.00118 | 0.01419 | 0.00203 | 1.689E-04 | 4.227E-05 | 0.00203 | 0.00709 | 0.00709 | 0.00101 | 8.446E-05 | 2.114E-05 | +| SA(0.25)-sid-1-poe-0 | 0.00118 | 0.01415 | 0.00202 | 1.684E-04 | 4.215E-05 | 0.00202 | 0.00707 | 0.00707 | 0.00101 | 8.421E-05 | 2.107E-05 | +----------------------+---------+---------+---------+-----------+--------------+-------------+---------+-------------+---------+--------------+------------------+ -| SA(0.25)-sid-1-poe-1 | 0.00529 | 0.06341 | 0.00906 | 7.552E-04 | 1.908E-04 | 0.00906 | 0.03172 | 0.03172 | 0.00453 | 3.776E-04 | 9.539E-05 | +| SA(0.25)-sid-1-poe-1 | 0.00529 | 0.06345 | 0.00907 | 7.557E-04 | 1.909E-04 | 0.00907 | 0.03174 | 0.03174 | 0.00453 | 3.778E-04 | 9.544E-05 | +----------------------+---------+---------+---------+-----------+--------------+-------------+---------+-------------+---------+--------------+------------------+ \ No newline at end of file diff --git a/openquake/qa_tests_data/disagg/case_master/expected_output/Mag_Dist-mean-1.csv b/openquake/qa_tests_data/disagg/case_master/expected_output/Mag_Dist-mean-1.csv index 76d81e3b809e..a0cd198adb64 100644 --- a/openquake/qa_tests_data/disagg/case_master/expected_output/Mag_Dist-mean-1.csv +++ b/openquake/qa_tests_data/disagg/case_master/expected_output/Mag_Dist-mean-1.csv @@ -1,338 +1,338 @@ -#,,,,,"generated_by='OpenQuake engine 3.17.0-git66edf504b0', start_date='2023-05-26T04:21:56', checksum=3730030670, investigation_time=50.0, mag_bin_edges=[4.0, 4.5, 5.0, 5.5, 6.0, 6.5, 7.0, 7.5], dist_bin_edges=[0.0, 5.0, 10.0, 15.0, 20.0, 25.0, 30.0, 35.0, 40.0, 45.0, 50.0, 55.0, 60.0], lon_bin_edges=[-122.18757421892607, -120.81242578107393], lat_bin_edges=[37.760408, 38.839591999999996], eps_bin_edges=[-3.0, -1.5, 0.0, 1.5, 3.0], tectonic_region_types=['Active Shallow Crust', 'Stable Shallow Crust'], lon=-121.5, lat=38.3" +#,,,,,"generated_by='OpenQuake engine 3.18.0-gitcd8633af85', start_date='2023-09-26T06:47:31', checksum=3730030670, investigation_time=50.0, mag_bin_edges=[4.0, 4.5, 5.0, 5.5, 6.0, 6.5, 7.0, 7.5], dist_bin_edges=[0.0, 5.0, 10.0, 15.0, 20.0, 25.0, 30.0, 35.0, 40.0, 45.0, 50.0, 55.0, 60.0], lon_bin_edges=[-122.18757421892607, -120.81242578107393], lat_bin_edges=[37.760408, 38.839591999999996], eps_bin_edges=[-3.0, -1.5, 0.0, 1.5, 3.0], tectonic_region_types=['Active Shallow Crust', 'Stable Shallow Crust'], lon=-121.5, lat=38.3" imt,iml,poe,mag,dist,mean -PGA,3.86684E-01,1.00000E-02,4.25000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.25000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.25000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.25000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.25000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.25000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.25000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.25000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.25000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.25000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.25000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.25000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.75000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.75000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.75000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.75000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.75000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.75000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.75000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.75000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.75000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.75000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.75000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.75000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.25000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.25000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.25000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.25000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.25000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.25000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.25000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.25000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.25000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.25000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.25000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.25000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.75000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.75000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.75000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.75000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.75000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.75000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.75000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.75000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.75000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.75000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.75000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.75000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.25000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.25000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.25000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.25000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.25000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.25000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.25000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.25000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.25000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.25000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.25000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.25000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.75000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.75000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.75000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.75000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.75000E+00,2.25000E+01,6.34739E-03 -PGA,3.86684E-01,1.00000E-02,6.75000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.75000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.75000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.75000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.75000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.75000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.75000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,7.25000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,7.25000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,7.25000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,7.25000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,7.25000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,7.25000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,7.25000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,7.25000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,7.25000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,7.25000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,7.25000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,7.25000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.25000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.25000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.25000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.25000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.25000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.25000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.25000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.25000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.25000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.25000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.25000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.25000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.75000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.75000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.75000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.75000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.75000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.75000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.75000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.75000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.75000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.75000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.75000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.75000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.25000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.25000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.25000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.25000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.25000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.25000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.25000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.25000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.25000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.25000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.25000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.25000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.75000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.75000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.75000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.75000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.75000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.75000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.75000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.75000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.75000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.75000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.75000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.75000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.25000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.25000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.25000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.25000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.25000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.25000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.25000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.25000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.25000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.25000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.25000E+00,5.25000E+01,1.98950E-04 -PGA,2.04282E-01,5.00000E-02,6.25000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.75000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.75000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.75000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.75000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.75000E+00,2.25000E+01,2.80319E-02 -PGA,2.04282E-01,5.00000E-02,6.75000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.75000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.75000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.75000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.75000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.75000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.75000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,7.25000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,7.25000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,7.25000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,7.25000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,7.25000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,7.25000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,7.25000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,7.25000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,7.25000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,7.25000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,7.25000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,7.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,4.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,4.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,4.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,4.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,4.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,4.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,4.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,4.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,4.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,4.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,4.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,4.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,4.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,4.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,4.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,4.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,4.75000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,4.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,4.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,4.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,4.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,4.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,4.75000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,4.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,5.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,5.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,5.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,5.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,5.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,5.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,5.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,5.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,5.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,5.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,5.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,5.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,5.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,5.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,5.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,5.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,5.75000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,5.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,5.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,5.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,5.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,5.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,5.75000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,5.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,6.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,6.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,6.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,6.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,6.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,6.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,6.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,6.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,6.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,6.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,6.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,6.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,6.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,6.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,6.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,6.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,6.75000E+00,2.25000E+01,6.40994E-03 -SA(0.25),8.97444E-01,1.00000E-02,6.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,6.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,6.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,6.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,6.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,6.75000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,6.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,7.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,7.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,7.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,7.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,7.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,7.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,7.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,7.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,7.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,7.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,7.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,7.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.75000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.75000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.75000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.75000E+00,5.25000E+01,3.72088E-06 -SA(0.25),4.44253E-01,5.00000E-02,5.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.25000E+00,5.25000E+01,2.72288E-04 -SA(0.25),4.44253E-01,5.00000E-02,6.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.75000E+00,2.25000E+01,2.88694E-02 -SA(0.25),4.44253E-01,5.00000E-02,6.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.75000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,7.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,7.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,7.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,7.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,7.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,7.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,7.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,7.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,7.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,7.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,7.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,7.25000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.25000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.25000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.25000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.25000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.25000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.25000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.25000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.25000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.25000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.25000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.25000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.25000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.75000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.75000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.75000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.75000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.75000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.75000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.75000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.75000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.75000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.75000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.75000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.75000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.25000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.25000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.25000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.25000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.25000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.25000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.25000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.25000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.25000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.25000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.25000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.25000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.75000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.75000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.75000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.75000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.75000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.75000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.75000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.75000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.75000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.75000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.75000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.75000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.25000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.25000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.25000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.25000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.25000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.25000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.25000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.25000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.25000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.25000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.25000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.25000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.75000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.75000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.75000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.75000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.75000E+00,2.25000E+01,6.34445E-03 +PGA,3.89790E-01,1.00000E-02,6.75000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.75000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.75000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.75000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.75000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.75000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.75000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,7.25000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,7.25000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,7.25000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,7.25000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,7.25000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,7.25000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,7.25000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,7.25000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,7.25000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,7.25000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,7.25000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,7.25000E+00,5.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,4.25000E+00,2.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,4.25000E+00,7.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,4.25000E+00,1.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,4.25000E+00,1.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,4.25000E+00,2.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,4.25000E+00,2.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,4.25000E+00,3.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,4.25000E+00,3.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,4.25000E+00,4.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,4.25000E+00,4.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,4.25000E+00,5.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,4.25000E+00,5.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,4.75000E+00,2.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,4.75000E+00,7.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,4.75000E+00,1.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,4.75000E+00,1.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,4.75000E+00,2.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,4.75000E+00,2.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,4.75000E+00,3.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,4.75000E+00,3.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,4.75000E+00,4.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,4.75000E+00,4.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,4.75000E+00,5.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,4.75000E+00,5.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,5.25000E+00,2.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,5.25000E+00,7.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,5.25000E+00,1.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,5.25000E+00,1.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,5.25000E+00,2.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,5.25000E+00,2.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,5.25000E+00,3.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,5.25000E+00,3.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,5.25000E+00,4.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,5.25000E+00,4.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,5.25000E+00,5.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,5.25000E+00,5.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,5.75000E+00,2.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,5.75000E+00,7.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,5.75000E+00,1.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,5.75000E+00,1.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,5.75000E+00,2.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,5.75000E+00,2.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,5.75000E+00,3.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,5.75000E+00,3.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,5.75000E+00,4.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,5.75000E+00,4.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,5.75000E+00,5.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,5.75000E+00,5.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,6.25000E+00,2.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,6.25000E+00,7.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,6.25000E+00,1.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,6.25000E+00,1.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,6.25000E+00,2.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,6.25000E+00,2.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,6.25000E+00,3.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,6.25000E+00,3.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,6.25000E+00,4.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,6.25000E+00,4.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,6.25000E+00,5.25000E+01,1.87204E-04 +PGA,2.06036E-01,5.00000E-02,6.25000E+00,5.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,6.75000E+00,2.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,6.75000E+00,7.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,6.75000E+00,1.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,6.75000E+00,1.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,6.75000E+00,2.25000E+01,2.79980E-02 +PGA,2.06036E-01,5.00000E-02,6.75000E+00,2.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,6.75000E+00,3.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,6.75000E+00,3.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,6.75000E+00,4.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,6.75000E+00,4.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,6.75000E+00,5.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,6.75000E+00,5.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,7.25000E+00,2.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,7.25000E+00,7.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,7.25000E+00,1.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,7.25000E+00,1.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,7.25000E+00,2.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,7.25000E+00,2.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,7.25000E+00,3.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,7.25000E+00,3.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,7.25000E+00,4.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,7.25000E+00,4.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,7.25000E+00,5.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,7.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.75000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.75000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.75000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.75000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.75000E+00,2.25000E+01,6.39144E-03 +SA(0.25),9.05292E-01,1.00000E-02,6.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.75000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,7.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,7.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,7.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,7.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,7.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,7.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,7.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,7.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,7.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,7.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,7.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,7.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.75000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.75000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.75000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.75000E+00,5.25000E+01,2.50245E-06 +SA(0.25),4.47411E-01,5.00000E-02,5.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.25000E+00,5.25000E+01,2.60534E-04 +SA(0.25),4.47411E-01,5.00000E-02,6.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.75000E+00,2.25000E+01,2.88956E-02 +SA(0.25),4.47411E-01,5.00000E-02,6.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.75000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,7.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,7.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,7.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,7.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,7.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,7.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,7.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,7.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,7.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,7.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,7.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,7.25000E+00,5.75000E+01,0.00000E+00 diff --git a/openquake/qa_tests_data/disagg/case_master/expected_output/TRT_Mag_Dist-mean-1.csv b/openquake/qa_tests_data/disagg/case_master/expected_output/TRT_Mag_Dist-mean-1.csv index 0ca73518bc8a..4f5db07aa522 100644 --- a/openquake/qa_tests_data/disagg/case_master/expected_output/TRT_Mag_Dist-mean-1.csv +++ b/openquake/qa_tests_data/disagg/case_master/expected_output/TRT_Mag_Dist-mean-1.csv @@ -1,674 +1,674 @@ -#,,,,,,"generated_by='OpenQuake engine 3.17.0-git66edf504b0', start_date='2023-05-26T04:21:56', checksum=3730030670, investigation_time=50.0, mag_bin_edges=[4.0, 4.5, 5.0, 5.5, 6.0, 6.5, 7.0, 7.5], dist_bin_edges=[0.0, 5.0, 10.0, 15.0, 20.0, 25.0, 30.0, 35.0, 40.0, 45.0, 50.0, 55.0, 60.0], lon_bin_edges=[-122.18757421892607, -120.81242578107393], lat_bin_edges=[37.760408, 38.839591999999996], eps_bin_edges=[-3.0, -1.5, 0.0, 1.5, 3.0], tectonic_region_types=['Active Shallow Crust', 'Stable Shallow Crust'], lon=-121.5, lat=38.3" +#,,,,,,"generated_by='OpenQuake engine 3.18.0-gitcd8633af85', start_date='2023-09-26T06:47:31', checksum=3730030670, investigation_time=50.0, mag_bin_edges=[4.0, 4.5, 5.0, 5.5, 6.0, 6.5, 7.0, 7.5], dist_bin_edges=[0.0, 5.0, 10.0, 15.0, 20.0, 25.0, 30.0, 35.0, 40.0, 45.0, 50.0, 55.0, 60.0], lon_bin_edges=[-122.18757421892607, -120.81242578107393], lat_bin_edges=[37.760408, 38.839591999999996], eps_bin_edges=[-3.0, -1.5, 0.0, 1.5, 3.0], tectonic_region_types=['Active Shallow Crust', 'Stable Shallow Crust'], lon=-121.5, lat=38.3" imt,iml,poe,trt,mag,dist,mean -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,2.25000E+01,6.34739E-03 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,5.25000E+01,1.98950E-04 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,2.25000E+01,2.80319E-02 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,2.25000E+01,6.40994E-03 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97444E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,5.25000E+01,3.72088E-06 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,5.25000E+01,2.72288E-04 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,2.25000E+01,2.88694E-02 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,2.25000E+01,6.34445E-03 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,5.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,2.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,7.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,1.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,1.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,2.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,2.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,3.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,3.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,4.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,4.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,5.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,5.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,2.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,7.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,1.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,1.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,2.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,2.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,3.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,3.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,4.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,4.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,5.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,5.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,2.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,7.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,1.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,1.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,2.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,2.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,3.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,3.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,4.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,4.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,5.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,5.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,2.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,7.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,1.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,1.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,2.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,2.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,3.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,3.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,4.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,4.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,5.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,5.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,2.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,7.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,1.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,1.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,2.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,2.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,3.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,3.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,4.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,4.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,5.25000E+01,1.87204E-04 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,5.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,2.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,7.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,1.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,1.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,2.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,2.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,3.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,3.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,4.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,4.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,5.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,5.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,2.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,7.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,1.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,1.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,2.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,2.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,3.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,3.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,4.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,4.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,5.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,5.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,2.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,7.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,1.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,1.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,2.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,2.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,3.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,3.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,4.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,4.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,5.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,5.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,2.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,7.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,1.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,1.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,2.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,2.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,3.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,3.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,4.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,4.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,5.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,5.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,2.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,7.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,1.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,1.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,2.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,2.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,3.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,3.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,4.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,4.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,5.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,5.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,2.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,7.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,1.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,1.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,2.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,2.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,3.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,3.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,4.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,4.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,5.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,5.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,2.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,7.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,1.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,1.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,2.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,2.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,3.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,3.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,4.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,4.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,5.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,5.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,2.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,7.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,1.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,1.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,2.25000E+01,2.79980E-02 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,2.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,3.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,3.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,4.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,4.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,5.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,5.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,2.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,7.50000E+00,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,1.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,1.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,2.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,2.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,3.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,3.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,4.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,4.75000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,5.25000E+01,0.00000E+00 +PGA,2.06036E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,2.25000E+01,6.39144E-03 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,5.25000E+01,2.50245E-06 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,5.25000E+01,2.60534E-04 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,2.25000E+01,2.88956E-02 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,5.75000E+01,0.00000E+00 diff --git a/openquake/qa_tests_data/event_based/case_8/expected/rup_data.csv b/openquake/qa_tests_data/event_based/case_8/expected/rup_data.csv index 0a9b695f7c66..ab537e25cdae 100644 --- a/openquake/qa_tests_data/event_based/case_8/expected/rup_data.csv +++ b/openquake/qa_tests_data/event_based/case_8/expected/rup_data.csv @@ -1,5 +1,5 @@ -#,,,,,,,,,"generated_by='OpenQuake engine 3.17.0-git01ba5c2822', start_date='2023-04-26T14:33:40', checksum=3170768143, investigation_time=50.0, ses_per_logic_tree_path=2" +#,,,,,,,,,"generated_by='OpenQuake engine 3.18.0-gitcd8633af85', start_date='2023-09-26T06:50:41', checksum=3170768143, investigation_time=50.0, ses_per_logic_tree_path=2" rup_id,multiplicity,mag,centroid_lon,centroid_lat,centroid_depth,trt,strike,dip,rake 0,1,8.300000E+00,1.430038E+02,4.072604E+01,2.610100E+01,Active Shallow Crust,1.561135E+02,1.995663E+01,9.000000E+01 -2,1,7.800000E+00,1.486679E+02,4.311786E+01,2.450000E+01,Active Shallow Crust,5.305690E+01,3.007044E+01,9.000000E+01 +2,1,7.800000E+00,1.486679E+02,4.311786E+01,2.450000E+01,Active Shallow Crust,5.307620E+01,3.006708E+01,9.000000E+01 3,2,7.800000E+00,1.479987E+02,4.364543E+01,2.025000E+01,Active Shallow Crust,2.340425E+02,2.257265E+01,9.000000E+01 diff --git a/openquake/qa_tests_data/logictree/case_05/expected/curve-mean.csv b/openquake/qa_tests_data/logictree/case_05/expected/curve-mean.csv index 8b9215c1c658..9dcb54c20865 100644 --- a/openquake/qa_tests_data/logictree/case_05/expected/curve-mean.csv +++ b/openquake/qa_tests_data/logictree/case_05/expected/curve-mean.csv @@ -1,3 +1,3 @@ -#,,,,,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.17.0-git98c891cfce', start_date='2023-03-23T06:54:51', checksum=1954669382, kind='mean', investigation_time=50.0, imt='PGA'" +#,,,,,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.18.0-gitcd8633af85', start_date='2023-09-26T06:51:06', checksum=3350790890, kind='mean', investigation_time=50.0, imt='PGA'" lon,lat,depth,poe-0.0050000,poe-0.0070000,poe-0.0098000,poe-0.0137000,poe-0.0192000,poe-0.0269000,poe-0.0376000,poe-0.0527000,poe-0.0738000,poe-0.1030000,poe-0.1450000,poe-0.2030000,poe-0.2840000,poe-0.3970000,poe-0.5560000 -0.50000,-0.50000,0.00000,1.000000E+00,1.000000E+00,1.000000E+00,9.999998E-01,9.999958E-01,9.999008E-01,9.981831E-01,9.803631E-01,8.924285E-01,6.854154E-01,4.137291E-01,2.022109E-01,8.274276E-02,2.918216E-02,8.890486E-03 +0.50000,-0.50000,0.00000,1.000000E+00,1.000000E+00,1.000000E+00,9.999998E-01,9.999958E-01,9.999008E-01,9.981831E-01,9.803633E-01,8.924288E-01,6.854157E-01,4.137291E-01,2.022109E-01,8.274276E-02,2.918216E-02,8.890486E-03 diff --git a/openquake/qa_tests_data/logictree/case_13/expected/hazard_curve-mean_PGA.csv b/openquake/qa_tests_data/logictree/case_13/expected/hazard_curve-mean_PGA.csv index 9ccc557174b1..5f66f07a9b12 100644 --- a/openquake/qa_tests_data/logictree/case_13/expected/hazard_curve-mean_PGA.csv +++ b/openquake/qa_tests_data/logictree/case_13/expected/hazard_curve-mean_PGA.csv @@ -1,23 +1,23 @@ -#,,,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.16.0-git7fd52bdf06', start_date='2022-12-22T05:57:47', checksum=1117259217, kind='mean', investigation_time=50.0, imt='PGA'" +#,,,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.18.0-gitcd8633af85', start_date='2023-09-26T06:51:46', checksum=2581591991, kind='mean', investigation_time=50.0, imt='PGA'" lon,lat,depth,poe-0.0050000,poe-0.0070000,poe-0.0098000,poe-0.0137000,poe-0.0192000,poe-0.0269000,poe-0.0376000,poe-0.0527000,poe-0.0738000,poe-0.1030000,poe-0.1450000,poe-0.2030000,poe-0.2840000 --122.34000,37.72000,0.00000,8.973818E-02,8.963104E-02,8.917132E-02,8.788725E-02,8.527689E-02,8.128727E-02,7.626781E-02,6.964514E-02,5.979448E-02,4.593014E-02,2.957352E-02,1.553595E-02,6.400161E-03 --122.15000,37.56000,0.00000,8.974887E-02,8.973622E-02,8.961709E-02,8.912648E-02,8.775816E-02,8.491948E-02,8.022243E-02,7.314820E-02,6.252651E-02,4.763686E-02,2.993659E-02,1.491631E-02,5.625300E-03 --121.95000,37.39000,0.00000,8.974904E-02,8.974900E-02,8.973956E-02,8.963558E-02,8.912825E-02,8.741740E-02,8.327108E-02,7.521509E-02,6.276651E-02,4.734403E-02,3.120875E-02,1.783892E-02,8.474678E-03 --121.38000,36.90000,0.00000,8.974829E-02,8.964800E-02,8.914480E-02,8.755530E-02,8.381083E-02,7.731614E-02,6.855615E-02,5.853351E-02,4.839648E-02,3.906023E-02,3.090887E-02,2.428751E-02,1.810175E-02 --121.19000,36.73000,0.00000,8.963863E-02,8.911099E-02,8.747692E-02,8.384107E-02,7.780676E-02,7.023544E-02,6.225324E-02,5.391882E-02,4.460320E-02,3.381385E-02,2.189889E-02,1.156907E-02,4.718651E-03 --121.00000,36.57000,0.00000,8.914649E-02,8.758490E-02,8.409084E-02,7.839287E-02,7.127982E-02,6.385899E-02,5.593348E-02,4.625862E-02,3.491734E-02,2.358416E-02,1.368905E-02,6.738167E-03,2.669287E-03 --120.81000,36.40000,0.00000,8.764696E-02,8.424743E-02,7.866863E-02,7.172928E-02,6.440291E-02,5.633440E-02,4.625444E-02,3.402867E-02,2.183601E-02,1.202208E-02,5.384572E-03,1.946195E-03,5.374067E-04 --120.62000,36.24000,0.00000,8.462892E-02,7.927675E-02,7.240968E-02,6.509313E-02,5.693227E-02,4.659323E-02,3.411156E-02,2.159213E-02,1.173940E-02,5.480837E-03,2.077092E-03,6.366287E-04,1.536082E-04 --120.44000,36.07000,0.00000,6.799532E-02,6.571331E-02,6.215360E-02,5.637599E-02,4.712183E-02,3.482888E-02,2.234024E-02,1.246497E-02,6.251500E-03,2.858113E-03,1.116334E-03,3.735651E-04,9.437816E-05 --120.25000,35.90000,0.00000,6.229042E-02,6.036192E-02,5.591457E-02,4.761466E-02,3.568868E-02,2.308565E-02,1.322428E-02,7.097573E-03,3.767235E-03,1.910720E-03,8.309060E-04,2.892220E-04,7.444948E-05 --120.06000,35.74000,0.00000,6.055962E-02,5.655962E-02,4.873834E-02,3.721214E-02,2.446334E-02,1.414695E-02,7.835284E-03,4.477847E-03,2.575013E-03,1.342862E-03,5.530296E-04,1.747949E-04,3.788720E-05 --119.88000,35.57000,0.00000,6.277537E-02,5.329180E-02,4.031036E-02,2.658905E-02,1.542498E-02,8.623929E-03,5.282201E-03,3.488957E-03,2.172767E-03,1.129000E-03,4.441745E-04,1.310994E-04,2.548776E-05 --119.69000,35.40000,0.00000,6.315294E-02,4.876061E-02,3.223743E-02,1.843068E-02,9.873501E-03,5.849828E-03,4.018648E-03,2.743158E-03,1.593846E-03,7.318077E-04,2.472604E-04,6.020859E-05,8.600357E-06 --119.51000,35.23000,0.00000,6.559276E-02,4.712934E-02,2.885756E-02,1.557047E-02,8.237007E-03,4.915640E-03,3.218939E-03,1.936992E-03,9.470488E-04,3.566471E-04,9.454535E-05,1.562709E-05,2.217566E-07 --119.33000,35.06000,0.00000,8.457050E-02,6.055110E-02,3.748536E-02,2.066361E-02,1.065366E-02,5.413165E-03,2.718554E-03,1.223906E-03,4.457524E-04,1.271135E-04,2.236036E-05,9.493512E-07,0.000000E+00 --119.15000,34.90000,0.00000,8.775487E-02,7.068436E-02,5.029963E-02,3.136361E-02,1.703745E-02,8.034627E-03,3.211920E-03,1.030891E-03,2.549154E-04,3.865877E-05,1.898736E-06,0.000000E+00,0.000000E+00 --118.97000,34.73000,0.00000,9.141818E-02,8.187409E-02,6.622388E-02,4.690551E-02,2.834913E-02,1.446842E-02,6.167565E-03,2.103406E-03,5.558223E-04,1.085447E-04,8.224602E-06,0.000000E+00,0.000000E+00 --118.79000,34.56000,0.00000,9.533342E-02,9.041342E-02,7.994964E-02,6.351811E-02,4.387796E-02,2.603726E-02,1.329503E-02,5.726543E-03,2.043396E-03,5.851954E-04,1.227196E-04,1.244401E-05,0.000000E+00 --118.61000,34.39000,0.00000,9.668881E-02,9.438163E-02,8.854356E-02,7.743494E-02,6.105762E-02,4.250538E-02,2.597656E-02,1.377229E-02,6.289095E-03,2.429796E-03,7.250735E-04,1.687424E-04,2.282982E-05 --118.43000,34.22000,0.00000,9.667264E-02,9.533238E-02,9.239475E-02,8.651565E-02,7.601462E-02,6.083359E-02,4.367049E-02,2.790817E-02,1.592690E-02,8.023266E-03,3.346252E-03,1.131861E-03,2.956566E-04 --118.25000,34.05000,-1.00000,9.600714E-02,9.483294E-02,9.335870E-02,9.102824E-02,8.615733E-02,7.676644E-02,6.271534E-02,4.647465E-02,3.202985E-02,2.123523E-02,1.313128E-02,7.179101E-03,3.164119E-03 +-122.34000,37.72000,0.00000,8.973818E-02,8.963104E-02,8.917132E-02,8.788725E-02,8.527689E-02,8.128727E-02,7.626786E-02,6.964538E-02,5.979522E-02,4.593176E-02,2.957608E-02,1.553874E-02,6.402283E-03 +-122.15000,37.56000,0.00000,8.974887E-02,8.973622E-02,8.961709E-02,8.912648E-02,8.775816E-02,8.491930E-02,8.022104E-02,7.314328E-02,6.251445E-02,4.761641E-02,2.991246E-02,1.489682E-02,5.614502E-03 +-121.95000,37.39000,0.00000,8.974904E-02,8.974900E-02,8.973956E-02,8.963558E-02,8.912823E-02,8.741667E-02,8.326844E-02,7.520870E-02,6.275700E-02,4.733773E-02,3.121349E-02,1.785361E-02,8.490248E-03 +-121.38000,36.90000,0.00000,8.974829E-02,8.964800E-02,8.914480E-02,8.755552E-02,8.381216E-02,7.732366E-02,6.858043E-02,5.859276E-02,4.850258E-02,3.919675E-02,3.103432E-02,2.437219E-02,1.814868E-02 +-121.19000,36.73000,0.00000,8.963863E-02,8.911099E-02,8.747691E-02,8.384071E-02,7.780521E-02,7.023081E-02,6.224497E-02,5.391004E-02,4.460283E-02,3.382998E-02,2.192967E-02,1.160078E-02,4.739592E-03 +-121.00000,36.57000,0.00000,8.914653E-02,8.758507E-02,8.409128E-02,7.839388E-02,7.128250E-02,6.386582E-02,5.595012E-02,4.629099E-02,3.496806E-02,2.364953E-02,1.375778E-02,6.793861E-03,2.702390E-03 +-120.81000,36.40000,0.00000,8.764696E-02,8.424748E-02,7.866918E-02,7.173199E-02,6.441219E-02,5.635786E-02,4.629975E-02,3.409880E-02,2.192123E-02,1.210123E-02,5.438733E-03,1.973391E-03,5.474457E-04 +-120.62000,36.24000,0.00000,8.462896E-02,7.927734E-02,7.241265E-02,6.510309E-02,5.695670E-02,4.663846E-02,3.417561E-02,2.166181E-02,1.179717E-02,5.517371E-03,2.094124E-03,6.425747E-04,1.550478E-04 +-120.44000,36.07000,0.00000,6.799595E-02,6.571653E-02,6.216426E-02,5.640103E-02,4.716563E-02,3.488614E-02,2.239684E-02,1.250754E-02,6.275935E-03,2.868819E-03,1.119660E-03,3.743259E-04,9.440288E-05 +-120.25000,35.90000,0.00000,6.229403E-02,6.037254E-02,5.593872E-02,4.765625E-02,3.574261E-02,2.313816E-02,1.326297E-02,7.119059E-03,3.776193E-03,1.913428E-03,8.314806E-04,2.892335E-04,7.444948E-05 +-120.06000,35.74000,0.00000,6.056147E-02,5.656588E-02,4.875337E-02,3.723779E-02,2.449461E-02,1.417389E-02,7.851419E-03,4.483902E-03,2.575599E-03,1.341887E-03,5.521692E-04,1.744360E-04,3.778084E-05 +-119.88000,35.57000,0.00000,6.278851E-02,5.331781E-02,4.034862E-02,2.663077E-02,1.545879E-02,8.645082E-03,5.294497E-03,3.497779E-03,2.180207E-03,1.134342E-03,4.470428E-04,1.322134E-04,2.578644E-05 +-119.69000,35.40000,0.00000,6.318523E-02,4.880688E-02,3.228619E-02,1.846886E-02,9.896639E-03,5.863722E-03,4.030954E-03,2.756506E-03,1.605631E-03,7.394486E-04,2.507292E-04,6.135031E-05,8.842084E-06 +-119.51000,35.23000,0.00000,6.562583E-02,4.717121E-02,2.889579E-02,1.559635E-02,8.252556E-03,4.928770E-03,3.233888E-03,1.951618E-03,9.575669E-04,3.620381E-04,9.646959E-05,1.608977E-05,2.622379E-07 +-119.33000,35.06000,0.00000,8.459427E-02,6.057502E-02,3.750302E-02,2.067552E-02,1.066568E-02,5.428961E-03,2.735595E-03,1.237125E-03,4.529323E-04,1.298980E-04,2.308544E-05,1.052251E-06,0.000000E+00 +-119.15000,34.90000,0.00000,8.776394E-02,7.069275E-02,5.030701E-02,3.137304E-02,1.705152E-02,8.051137E-03,3.225693E-03,1.038851E-03,2.581312E-04,3.958240E-05,2.045575E-06,0.000000E+00,0.000000E+00 +-118.97000,34.73000,0.00000,9.141909E-02,8.187669E-02,6.623046E-02,4.691768E-02,2.836484E-02,1.448235E-02,6.176110E-03,2.107020E-03,5.568898E-04,1.087259E-04,8.224602E-06,0.000000E+00,0.000000E+00 +-118.79000,34.56000,0.00000,9.533574E-02,9.042016E-02,7.996344E-02,6.353809E-02,4.389937E-02,2.605544E-02,1.330839E-02,5.735231E-03,2.048090E-03,5.871471E-04,1.233131E-04,1.256891E-05,0.000000E+00 +-118.61000,34.39000,0.00000,9.669356E-02,9.439167E-02,8.855820E-02,7.744958E-02,6.106735E-02,4.250921E-02,2.597677E-02,1.377138E-02,6.288322E-03,2.429473E-03,7.249854E-04,1.687331E-04,2.282982E-05 +-118.43000,34.22000,0.00000,9.668161E-02,9.534626E-02,9.240964E-02,8.652666E-02,7.602011E-02,6.083521E-02,4.367019E-02,2.790691E-02,1.592548E-02,8.022189E-03,3.345713E-03,1.131679E-03,2.956157E-04 +-118.25000,34.05000,-1.00000,9.602014E-02,9.484773E-02,9.337038E-02,9.103461E-02,8.615970E-02,7.676703E-02,6.271545E-02,4.647500E-02,3.203089E-02,2.123740E-02,1.313445E-02,7.182307E-03,3.166388E-03 diff --git a/openquake/qa_tests_data/logictree/case_13/expected/hazard_curve-mean_SA(0.2).csv b/openquake/qa_tests_data/logictree/case_13/expected/hazard_curve-mean_SA(0.2).csv index cf92d422ecf3..0c3c2712bb16 100644 --- a/openquake/qa_tests_data/logictree/case_13/expected/hazard_curve-mean_SA(0.2).csv +++ b/openquake/qa_tests_data/logictree/case_13/expected/hazard_curve-mean_SA(0.2).csv @@ -1,23 +1,23 @@ -#,,,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.16.0-git7fd52bdf06', start_date='2022-12-22T05:57:47', checksum=1117259217, kind='mean', investigation_time=50.0, imt='SA(0.2)'" +#,,,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.18.0-gitcd8633af85', start_date='2023-09-26T06:51:46', checksum=2581591991, kind='mean', investigation_time=50.0, imt='SA(0.2)'" lon,lat,depth,poe-0.0050000,poe-0.0070000,poe-0.0098000,poe-0.0137000,poe-0.0192000,poe-0.0269000,poe-0.0376000,poe-0.0527000,poe-0.0738000,poe-0.1030000,poe-0.1450000,poe-0.2030000,poe-0.2840000 --122.34000,37.72000,0.00000,8.974904E-02,8.974808E-02,8.972722E-02,8.959748E-02,8.914150E-02,8.798384E-02,8.575011E-02,8.220965E-02,7.749259E-02,7.134888E-02,6.235418E-02,4.986911E-02,3.486519E-02 --122.15000,37.56000,0.00000,8.974904E-02,8.974904E-02,8.974792E-02,8.972322E-02,8.957716E-02,8.908095E-02,8.785512E-02,8.535961E-02,8.112846E-02,7.476022E-02,6.503437E-02,5.158504E-02,3.550047E-02 --121.95000,37.39000,0.00000,8.974904E-02,8.974904E-02,8.974904E-02,8.974856E-02,8.972789E-02,8.959530E-02,8.907908E-02,8.747861E-02,8.378501E-02,7.683118E-02,6.564638E-02,5.142511E-02,3.627014E-02 --121.38000,36.90000,0.00000,8.974904E-02,8.974904E-02,8.974329E-02,8.964583E-02,8.920867E-02,8.788175E-02,8.482093E-02,7.921778E-02,7.105940E-02,6.129463E-02,5.086233E-02,4.134897E-02,3.333152E-02 --121.19000,36.73000,0.00000,8.974904E-02,8.974425E-02,8.965033E-02,8.922792E-02,8.797091E-02,8.508779E-02,8.006211E-02,7.299665E-02,6.472083E-02,5.598871E-02,4.650068E-02,3.629516E-02,2.544070E-02 --121.00000,36.57000,0.00000,8.974679E-02,8.967256E-02,8.930227E-02,8.818030E-02,8.556484E-02,8.087835E-02,7.433613E-02,6.652205E-02,5.788091E-02,4.824662E-02,3.726916E-02,2.631349E-02,1.663039E-02 --120.81000,36.40000,0.00000,8.969066E-02,8.936839E-02,8.835100E-02,8.594499E-02,8.149623E-02,7.507727E-02,6.738732E-02,5.856042E-02,4.830449E-02,3.673629E-02,2.469230E-02,1.455826E-02,7.311015E-03 --120.62000,36.24000,0.00000,8.945465E-02,8.859562E-02,8.644841E-02,8.236271E-02,7.615509E-02,6.842601E-02,5.954369E-02,4.901756E-02,3.695057E-02,2.482240E-02,1.432722E-02,7.145324E-03,2.990817E-03 --120.44000,36.07000,0.00000,7.014485E-02,6.972691E-02,6.873862E-02,6.676012E-02,6.331492E-02,5.767750E-02,4.915970E-02,3.784610E-02,2.572061E-02,1.539444E-02,8.010213E-03,3.734647E-03,1.516251E-03 --120.25000,35.90000,0.00000,6.335547E-02,6.314166E-02,6.246294E-02,6.071284E-02,5.675506E-02,4.947018E-02,3.894594E-02,2.694599E-02,1.642871E-02,9.137489E-03,4.712000E-03,2.312034E-03,1.023786E-03 --120.06000,35.74000,0.00000,6.275233E-02,6.226134E-02,6.082639E-02,5.742347E-02,5.079666E-02,4.069389E-02,2.883575E-02,1.793558E-02,1.017965E-02,5.622997E-03,3.018894E-03,1.530009E-03,6.745846E-04 --119.88000,35.57000,0.00000,7.092284E-02,6.901994E-02,6.467814E-02,5.682788E-02,4.533300E-02,3.208382E-02,2.014850E-02,1.157399E-02,6.626993E-03,4.004303E-03,2.363488E-03,1.260738E-03,5.474696E-04 --119.69000,35.40000,0.00000,7.702075E-02,7.378992E-02,6.673633E-02,5.499249E-02,3.985769E-02,2.511880E-02,1.423700E-02,7.872661E-03,4.698701E-03,2.958985E-03,1.726939E-03,8.445652E-04,3.211897E-04 --119.51000,35.23000,0.00000,8.780107E-02,8.221969E-02,7.150268E-02,5.584319E-02,3.806249E-02,2.266022E-02,1.234192E-02,6.642971E-03,3.767679E-03,2.159698E-03,1.083032E-03,4.456161E-04,1.381889E-04 --119.33000,35.06000,0.00000,1.150212E-01,1.073202E-01,9.314486E-02,7.302759E-02,5.044616E-02,3.061450E-02,1.664848E-02,8.263533E-03,3.830137E-03,1.658168E-03,6.192488E-04,1.855819E-04,4.287227E-05 --119.15000,34.90000,0.00000,1.047194E-01,1.005105E-01,9.211116E-02,7.860990E-02,6.073692E-02,4.159388E-02,2.492340E-02,1.278456E-02,5.539205E-03,1.982793E-03,5.355817E-04,1.101462E-04,7.700487E-06 --118.97000,34.73000,0.00000,9.717077E-02,9.591208E-02,9.247131E-02,8.516051E-02,7.263598E-02,5.563808E-02,3.733457E-02,2.133075E-02,1.023679E-02,4.071053E-03,1.244957E-03,2.853056E-04,4.564106E-05 --118.79000,34.56000,0.00000,9.738486E-02,9.695201E-02,9.540806E-02,9.137212E-02,8.301446E-02,6.943419E-02,5.205365E-02,3.402753E-02,1.915870E-02,9.240194E-03,3.625799E-03,1.160937E-03,2.839491E-04 --118.61000,34.39000,0.00000,9.744717E-02,9.728452E-02,9.659286E-02,9.449617E-02,8.956056E-02,8.037063E-02,6.664576E-02,4.971029E-02,3.280203E-02,1.899974E-02,9.321202E-03,3.897740E-03,1.335865E-03 --118.43000,34.22000,0.00000,9.740694E-02,9.723157E-02,9.670776E-02,9.544063E-02,9.272412E-02,8.751775E-02,7.869415E-02,6.566226E-02,4.982853E-02,3.406784E-02,2.050965E-02,1.098046E-02,5.077735E-03 --118.25000,34.05000,-1.00000,9.728954E-02,9.693661E-02,9.624624E-02,9.517542E-02,9.365691E-02,9.126287E-02,8.687241E-02,7.892717E-02,6.687147E-02,5.222154E-02,3.734838E-02,2.527974E-02,1.628101E-02 +-122.34000,37.72000,0.00000,8.974904E-02,8.974808E-02,8.972722E-02,8.959748E-02,8.914150E-02,8.798384E-02,8.575011E-02,8.220965E-02,7.749266E-02,7.134918E-02,6.235505E-02,4.987094E-02,3.486800E-02 +-122.15000,37.56000,0.00000,8.974904E-02,8.974904E-02,8.974792E-02,8.972322E-02,8.957716E-02,8.908095E-02,8.785511E-02,8.535947E-02,8.112719E-02,7.475614E-02,6.502442E-02,5.156744E-02,3.547756E-02 +-121.95000,37.39000,0.00000,8.974904E-02,8.974904E-02,8.974904E-02,8.974856E-02,8.972789E-02,8.959530E-02,8.907895E-02,8.747765E-02,8.378205E-02,7.682478E-02,6.563684E-02,5.141746E-02,3.627139E-02 +-121.38000,36.90000,0.00000,8.974904E-02,8.974904E-02,8.974329E-02,8.964583E-02,8.920868E-02,8.788212E-02,8.482281E-02,7.922592E-02,7.108252E-02,6.134645E-02,5.095468E-02,4.147417E-02,3.346056E-02 +-121.19000,36.73000,0.00000,8.974904E-02,8.974425E-02,8.965033E-02,8.922792E-02,8.797086E-02,8.508728E-02,8.006033E-02,7.299200E-02,6.471319E-02,5.598060E-02,4.649937E-02,3.630800E-02,2.546800E-02 +-121.00000,36.57000,0.00000,8.974679E-02,8.967257E-02,8.930232E-02,8.818045E-02,8.556518E-02,8.087932E-02,7.433879E-02,6.652863E-02,5.789613E-02,4.827518E-02,3.731475E-02,2.637439E-02,1.669849E-02 +-120.81000,36.40000,0.00000,8.969066E-02,8.936839E-02,8.835100E-02,8.594510E-02,8.149698E-02,7.508026E-02,6.739619E-02,5.858151E-02,4.834443E-02,3.679838E-02,2.477160E-02,1.463859E-02,7.374436E-03 +-120.62000,36.24000,0.00000,8.945465E-02,8.859563E-02,8.644854E-02,8.236347E-02,7.615830E-02,6.843548E-02,5.956507E-02,4.905641E-02,3.700705E-02,2.488791E-02,1.438724E-02,7.188179E-03,3.014366E-03 +-120.44000,36.07000,0.00000,7.014485E-02,6.972703E-02,6.873934E-02,6.676327E-02,6.332419E-02,5.769828E-02,4.919595E-02,3.789588E-02,2.577417E-02,1.543973E-02,8.039775E-03,3.749623E-03,1.522008E-03 +-120.25000,35.90000,0.00000,6.335574E-02,6.314261E-02,6.246619E-02,6.072161E-02,5.677430E-02,4.950375E-02,3.899187E-02,2.699525E-02,1.646984E-02,9.164237E-03,4.725154E-03,2.316962E-03,1.025040E-03 +-120.06000,35.74000,0.00000,6.275237E-02,6.226172E-02,6.082818E-02,5.742869E-02,5.080846E-02,4.071422E-02,2.886232E-02,1.796164E-02,1.019834E-02,5.632392E-03,3.021497E-03,1.529739E-03,6.738513E-04 +-119.88000,35.57000,0.00000,7.092357E-02,6.902300E-02,6.468681E-02,5.684632E-02,4.536291E-02,3.212075E-02,2.018343E-02,1.159999E-02,6.643689E-03,4.015410E-03,2.371570E-03,1.266475E-03,5.507263E-04 +-119.69000,35.40000,0.00000,7.702502E-02,7.380126E-02,6.675936E-02,5.502833E-02,3.990069E-02,2.515873E-02,1.426656E-02,7.892287E-03,4.713667E-03,2.972637E-03,1.738725E-03,8.525434E-04,3.252376E-04 +-119.51000,35.23000,0.00000,8.780581E-02,8.223162E-02,7.152546E-02,5.587613E-02,3.809879E-02,2.269097E-02,1.236397E-02,6.659717E-03,3.783217E-03,2.173990E-03,1.093558E-03,4.514999E-04,1.405897E-04 +-119.33000,35.06000,0.00000,1.150264E-01,1.073313E-01,9.316262E-02,7.304899E-02,5.046597E-02,3.063041E-02,1.666279E-02,8.279097E-03,3.846088E-03,1.671033E-03,6.269303E-04,1.889391E-04,4.394289E-05 +-119.15000,34.90000,0.00000,1.047221E-01,1.005157E-01,9.211864E-02,7.861831E-02,6.074551E-02,4.160394E-02,2.493644E-02,1.279944E-02,5.552156E-03,1.991210E-03,5.394925E-04,1.114812E-04,8.029553E-06 +-118.97000,34.73000,0.00000,9.717090E-02,9.591240E-02,9.247228E-02,8.516312E-02,7.264195E-02,5.564851E-02,3.734802E-02,2.134346E-02,1.024553E-02,4.075459E-03,1.246535E-03,2.857214E-04,4.563981E-05 +-118.79000,34.56000,0.00000,9.738487E-02,9.695265E-02,9.541035E-02,9.137809E-02,8.302611E-02,6.945106E-02,5.207241E-02,3.404449E-02,1.917201E-02,9.249590E-03,3.631449E-03,1.163587E-03,2.849586E-04 +-118.61000,34.39000,0.00000,9.744755E-02,9.728598E-02,9.659691E-02,9.450436E-02,8.957266E-02,8.038359E-02,6.665567E-02,4.971536E-02,3.280326E-02,1.899922E-02,9.320318E-03,3.897212E-03,1.335655E-03 +-118.43000,34.22000,0.00000,9.740806E-02,9.723485E-02,9.671485E-02,9.545182E-02,9.273710E-02,8.752874E-02,7.870091E-02,6.566509E-02,4.982895E-02,3.406709E-02,2.050844E-02,1.097940E-02,5.077053E-03 +-118.25000,34.05000,-1.00000,9.729218E-02,9.694266E-02,9.625645E-02,9.518806E-02,9.366842E-02,9.127054E-02,8.687619E-02,7.892852E-02,6.687190E-02,5.222184E-02,3.734925E-02,2.528167E-02,1.628409E-02 diff --git a/openquake/qa_tests_data/logictree/case_13/expected/hazard_map-mean.csv b/openquake/qa_tests_data/logictree/case_13/expected/hazard_map-mean.csv index 48207bb5dbee..ff96aa2b8680 100644 --- a/openquake/qa_tests_data/logictree/case_13/expected/hazard_map-mean.csv +++ b/openquake/qa_tests_data/logictree/case_13/expected/hazard_map-mean.csv @@ -1,23 +1,23 @@ -#,,,,"generated_by='OpenQuake engine 3.16.0-git7fd52bdf06', start_date='2022-12-22T05:57:47', checksum=1117259217, kind='mean', investigation_time=50.0" +#,,,,"generated_by='OpenQuake engine 3.18.0-gitcd8633af85', start_date='2023-09-26T06:51:46', checksum=2581591991, kind='mean', investigation_time=50.0" lon,lat,depth,PGA-0.01,SA(0.2)-0.01 --122.34000,37.72000,0.00000,2.398498E-01,2.840000E-01 --122.15000,37.56000,0.00000,2.329647E-01,2.840000E-01 --121.95000,37.39000,0.00000,2.635684E-01,2.840000E-01 +-122.34000,37.72000,0.00000,2.398729E-01,2.840000E-01 +-122.15000,37.56000,0.00000,2.328397E-01,2.840000E-01 +-121.95000,37.39000,0.00000,2.637602E-01,2.840000E-01 -121.38000,36.90000,0.00000,2.840000E-01,2.840000E-01 --121.19000,36.73000,0.00000,2.143853E-01,2.840000E-01 --121.00000,36.57000,0.00000,1.683079E-01,2.840000E-01 --120.81000,36.40000,0.00000,1.114019E-01,2.437864E-01 --120.62000,36.24000,0.00000,7.916593E-02,1.725420E-01 --120.44000,36.07000,0.00000,5.868193E-02,1.290995E-01 --120.25000,35.90000,0.00000,4.375570E-02,9.785353E-02 --120.06000,35.74000,0.00000,3.274479E-02,7.454178E-02 --119.88000,35.57000,0.00000,2.468675E-02,5.756367E-02 --119.69000,35.40000,0.00000,1.906828E-02,4.598483E-02 --119.51000,35.23000,0.00000,1.732421E-02,4.216903E-02 --119.33000,35.06000,0.00000,1.981514E-02,4.807133E-02 --119.15000,34.90000,0.00000,2.438467E-02,5.817870E-02 --118.97000,34.73000,0.00000,3.109972E-02,7.442708E-02 --118.79000,34.56000,0.00000,4.214697E-02,9.934533E-02 --118.61000,34.39000,0.00000,6.046841E-02,1.401867E-01 --118.43000,34.22000,0.00000,9.254068E-02,2.114367E-01 --118.25000,34.05000,-1.00000,1.687691E-01,2.840000E-01 +-121.19000,36.73000,0.00000,2.146277E-01,2.840000E-01 +-121.00000,36.57000,0.00000,1.688253E-01,2.840000E-01 +-120.81000,36.40000,0.00000,1.117527E-01,2.446489E-01 +-120.62000,36.24000,0.00000,7.934931E-02,1.729700E-01 +-120.44000,36.07000,0.00000,5.878420E-02,1.293318E-01 +-120.25000,35.90000,0.00000,4.382620E-02,9.801270E-02 +-120.06000,35.74000,0.00000,3.278181E-02,7.461841E-02 +-119.88000,35.57000,0.00000,2.472091E-02,5.764425E-02 +-119.69000,35.40000,0.00000,1.909238E-02,4.604577E-02 +-119.51000,35.23000,0.00000,1.734091E-02,4.221586E-02 +-119.33000,35.06000,0.00000,1.982796E-02,4.810854E-02 +-119.15000,34.90000,0.00000,2.440325E-02,5.821407E-02 +-118.97000,34.73000,0.00000,3.111372E-02,7.445020E-02 +-118.79000,34.56000,0.00000,4.216688E-02,9.938993E-02 +-118.61000,34.39000,0.00000,6.046609E-02,1.401808E-01 +-118.43000,34.22000,0.00000,9.253529E-02,2.114274E-01 +-118.25000,34.05000,-1.00000,1.688005E-01,2.840000E-01 diff --git a/openquake/qa_tests_data/logictree/case_14/expected/hazard_curve-rlz-000_PGA.csv b/openquake/qa_tests_data/logictree/case_14/expected/hazard_curve-rlz-000_PGA.csv index b1c0c8562ed3..bb1db5de399f 100644 --- a/openquake/qa_tests_data/logictree/case_14/expected/hazard_curve-rlz-000_PGA.csv +++ b/openquake/qa_tests_data/logictree/case_14/expected/hazard_curve-rlz-000_PGA.csv @@ -1,12 +1,12 @@ -#,,,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.8.0-git18f2055f82', start_date='2019-10-10T06:52:30', checksum=1067610621, kind='rlz-000', investigation_time=50.0, imt='PGA'" +#,,,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.18.0-gitcd8633af85', start_date='2023-09-26T06:51:47', checksum=2270607924, kind='rlz-000', investigation_time=50.0, imt='PGA'" lon,lat,depth,poe-0.0050000,poe-0.0070000,poe-0.0098000,poe-0.0137000,poe-0.0192000,poe-0.0269000,poe-0.0376000,poe-0.0527000,poe-0.0738000,poe-0.1030000,poe-0.1450000,poe-0.2030000,poe-0.2840000 --122.50000,38.10000,0.00000,8.689556E-01,8.670120E-01,8.588920E-01,8.344702E-01,7.749009E-01,6.559570E-01,4.717068E-01,2.646108E-01,1.097316E-01,3.264088E-02,6.277794E-03,6.261397E-04,1.754082E-06 --122.39000,38.10000,0.00000,8.691723E-01,8.688579E-01,8.664631E-01,8.569579E-01,8.287676E-01,7.617918E-01,6.323116E-01,4.365762E-01,2.316772E-01,9.032902E-02,2.368941E-02,4.054461E-03,2.943100E-04 --122.27000,38.10000,0.00000,8.691723E-01,8.691723E-01,8.690266E-01,8.674105E-01,8.602160E-01,8.375472E-01,7.814481E-01,6.651372E-01,4.783524E-01,2.680399E-01,1.066688E-01,2.965019E-02,5.343136E-03 --122.16000,38.10000,0.00000,8.691723E-01,8.691723E-01,8.691723E-01,8.691618E-01,8.685986E-01,8.652041E-01,8.527740E-01,8.177250E-01,7.375817E-01,5.898580E-01,3.779448E-01,1.811086E-01,6.128619E-02 --122.04000,38.10000,0.00000,8.691723E-01,8.691723E-01,8.691723E-01,8.691723E-01,8.691717E-01,8.690977E-01,8.683319E-01,8.646979E-01,8.527929E-01,8.225929E-01,7.554157E-01,6.332373E-01,4.521924E-01 --121.93000,38.10000,0.00000,8.691723E-01,8.691723E-01,8.691723E-01,8.691723E-01,8.691688E-01,8.689800E-01,8.675010E-01,8.612375E-01,8.421493E-01,7.960258E-01,6.979449E-01,5.342536E-01,3.279971E-01 +-122.50000,38.10000,0.00000,8.689556E-01,8.670120E-01,8.588920E-01,8.344702E-01,7.749009E-01,6.559570E-01,4.717068E-01,2.646108E-01,1.097316E-01,3.264088E-02,6.277794E-03,6.261397E-04,1.754081E-06 +-122.39000,38.10000,0.00000,8.691723E-01,8.688579E-01,8.664631E-01,8.569579E-01,8.287676E-01,7.617918E-01,6.323116E-01,4.365762E-01,2.316772E-01,9.032902E-02,2.368941E-02,4.054460E-03,2.943100E-04 +-122.27000,38.10000,0.00000,8.691723E-01,8.691723E-01,8.690266E-01,8.674105E-01,8.602160E-01,8.375472E-01,7.814481E-01,6.651372E-01,4.783524E-01,2.680399E-01,1.066688E-01,2.965018E-02,5.343136E-03 +-122.16000,38.10000,0.00000,8.691723E-01,8.691723E-01,8.691723E-01,8.691618E-01,8.685986E-01,8.652041E-01,8.527740E-01,8.177250E-01,7.375817E-01,5.898579E-01,3.779448E-01,1.811086E-01,6.128618E-02 +-122.04000,38.10000,0.00000,8.691723E-01,8.691723E-01,8.691723E-01,8.691723E-01,8.691717E-01,8.690977E-01,8.683319E-01,8.646979E-01,8.527929E-01,8.225929E-01,7.554157E-01,6.332372E-01,4.521923E-01 +-121.93000,38.10000,0.00000,8.691723E-01,8.691723E-01,8.691723E-01,8.691723E-01,8.691688E-01,8.689800E-01,8.675010E-01,8.612375E-01,8.421493E-01,7.960258E-01,6.979449E-01,5.342535E-01,3.279970E-01 -121.81000,38.10000,0.00000,8.691723E-01,8.691723E-01,8.691723E-01,8.690613E-01,8.676262E-01,8.610718E-01,8.402296E-01,7.869490E-01,6.755706E-01,4.942332E-01,2.766017E-01,1.127756E-01,3.168828E-02 --121.70000,38.10000,0.00000,8.691723E-01,8.691722E-01,8.687493E-01,8.659208E-01,8.549200E-01,8.232389E-01,7.499567E-01,6.090945E-01,4.059918E-01,2.062356E-01,7.325308E-02,1.797500E-02,2.671841E-03 --121.59000,38.10000,0.00000,8.691722E-01,8.686710E-01,8.655412E-01,8.538786E-01,8.207480E-01,7.446645E-01,6.032590E-01,4.009196E-01,2.027806E-01,7.498383E-02,1.854895E-02,2.897917E-03,1.691216E-04 +-121.70000,38.10000,0.00000,8.691723E-01,8.691722E-01,8.687493E-01,8.659208E-01,8.549200E-01,8.232389E-01,7.499567E-01,6.090945E-01,4.059918E-01,2.062356E-01,7.325307E-02,1.797500E-02,2.671841E-03 +-121.59000,38.10000,0.00000,8.691722E-01,8.686710E-01,8.655412E-01,8.538786E-01,8.207480E-01,7.446645E-01,6.032590E-01,4.009196E-01,2.027806E-01,7.498382E-02,1.854895E-02,2.897916E-03,1.691216E-04 -121.47000,38.10000,0.00000,8.687747E-01,8.660743E-01,8.556454E-01,8.259165E-01,7.563236E-01,6.235101E-01,4.300945E-01,2.285957E-01,8.925717E-02,2.491334E-02,4.375663E-03,3.660490E-04,0.000000E+00 diff --git a/openquake/qa_tests_data/logictree/case_30/expected/hazard_curve-PGA.csv b/openquake/qa_tests_data/logictree/case_30/expected/hazard_curve-PGA.csv index c0f129628839..95d5205aef0a 100644 --- a/openquake/qa_tests_data/logictree/case_30/expected/hazard_curve-PGA.csv +++ b/openquake/qa_tests_data/logictree/case_30/expected/hazard_curve-PGA.csv @@ -1,7 +1,7 @@ -#,,,,,,,,,,,,"generated_by='OpenQuake engine 3.18.0-git896a5ace23', start_date='2023-08-28T07:01:57', checksum=3599347275, kind='mean', investigation_time=1.0, imt='PGA'" +#,,,,,,,,,,,,"generated_by='OpenQuake engine 3.18.0-gitcd8633af85', start_date='2023-09-26T06:52:06', checksum=3599347275, kind='mean', investigation_time=1.0, imt='PGA'" lon,lat,depth,poe-0.0050000,poe-0.0097294,poe-0.0189324,poe-0.0368403,poe-0.0716871,poe-0.1394951,poe-0.2714418,poe-0.5281952,poe-1.0278085,poe-2.0000000 -180.00000,-27.00000,0.00000,8.930980E-05,3.696673E-05,1.200453E-05,2.959943E-06,5.424828E-07,6.272099E-08,3.028077E-09,5.522721E-12,0.000000E+00,0.000000E+00 -178.00000,-28.00000,0.00000,3.774007E-01,2.691896E-01,1.591816E-01,7.388364E-02,2.553169E-02,6.105606E-03,8.670341E-04,5.767946E-05,1.228766E-06,0.000000E+00 179.00000,-26.00000,0.00000,1.377496E-04,5.326669E-05,1.644370E-05,4.092693E-06,8.278728E-07,1.233785E-07,1.054634E-08,3.178184E-10,0.000000E+00,0.000000E+00 --180.00000,-30.00000,0.00000,2.375930E-01,1.376126E-01,6.336112E-02,2.167970E-02,4.762934E-03,5.830121E-04,3.444478E-05,7.071505E-07,0.000000E+00,0.000000E+00 --180.00000,-28.00000,0.00000,7.442230E-02,3.481165E-02,1.252244E-02,3.278559E-03,5.220286E-04,3.361331E-05,3.160685E-08,0.000000E+00,0.000000E+00,0.000000E+00 +-180.00000,-30.00000,0.00000,2.375930E-01,1.376126E-01,6.336116E-02,2.167974E-02,4.762960E-03,5.830184E-04,3.444571E-05,7.072410E-07,0.000000E+00,0.000000E+00 +-180.00000,-28.00000,0.00000,7.442231E-02,3.481166E-02,1.252245E-02,3.278560E-03,5.220287E-04,3.361331E-05,3.160685E-08,0.000000E+00,0.000000E+00,0.000000E+00 diff --git a/openquake/qa_tests_data/logictree/case_30/expected/hazard_curve-SA(1.0).csv b/openquake/qa_tests_data/logictree/case_30/expected/hazard_curve-SA(1.0).csv index cd74e31c5079..9c370b0d54cb 100644 --- a/openquake/qa_tests_data/logictree/case_30/expected/hazard_curve-SA(1.0).csv +++ b/openquake/qa_tests_data/logictree/case_30/expected/hazard_curve-SA(1.0).csv @@ -1,7 +1,7 @@ -#,,,,,,,,,,,,"generated_by='OpenQuake engine 3.18.0-git896a5ace23', start_date='2023-08-28T07:01:57', checksum=3599347275, kind='mean', investigation_time=1.0, imt='SA(1.0)'" +#,,,,,,,,,,,,"generated_by='OpenQuake engine 3.18.0-gitcd8633af85', start_date='2023-09-26T06:52:06', checksum=3599347275, kind='mean', investigation_time=1.0, imt='SA(1.0)'" lon,lat,depth,poe-0.0050000,poe-0.0097294,poe-0.0189324,poe-0.0368403,poe-0.0716871,poe-0.1394951,poe-0.2714418,poe-0.5281952,poe-1.0278085,poe-2.0000000 -180.00000,-27.00000,0.00000,6.049183E-05,2.178447E-05,6.204734E-06,1.323741E-06,1.945751E-07,1.729934E-08,7.167471E-10,2.553346E-12,0.000000E+00,0.000000E+00 -178.00000,-28.00000,0.00000,3.191686E-01,2.069364E-01,1.105108E-01,4.794265E-02,1.676579E-02,4.560295E-03,8.816717E-04,1.056170E-04,4.929436E-06,0.000000E+00 179.00000,-26.00000,0.00000,9.198137E-05,3.268767E-05,9.332697E-06,2.038787E-06,3.201051E-07,3.491568E-08,2.571438E-09,8.367571E-11,0.000000E+00,0.000000E+00 --180.00000,-30.00000,0.00000,2.056805E-01,1.181720E-01,5.687484E-02,2.186669E-02,6.322772E-03,1.337827E-03,2.015121E-04,1.817519E-05,2.738743E-07,0.000000E+00 --180.00000,-28.00000,0.00000,6.938073E-02,3.519671E-02,1.490194E-02,5.285783E-03,1.531779E-03,3.393812E-04,5.068630E-05,3.513352E-06,0.000000E+00,0.000000E+00 +-180.00000,-30.00000,0.00000,2.056805E-01,1.181720E-01,5.687486E-02,2.186672E-02,6.322788E-03,1.337832E-03,2.015132E-04,1.817531E-05,2.738743E-07,0.000000E+00 +-180.00000,-28.00000,0.00000,6.938075E-02,3.519672E-02,1.490195E-02,5.285786E-03,1.531780E-03,3.393813E-04,5.068630E-05,3.513352E-06,0.000000E+00,0.000000E+00 diff --git a/openquake/qa_tests_data/logictree/case_71/expected/hcurves.csv b/openquake/qa_tests_data/logictree/case_71/expected/hcurves.csv index 3ab73c84555d..e1401e19ac67 100644 --- a/openquake/qa_tests_data/logictree/case_71/expected/hcurves.csv +++ b/openquake/qa_tests_data/logictree/case_71/expected/hcurves.csv @@ -1,3 +1,3 @@ -#,,,,,,,,,,"generated_by='OpenQuake engine 3.17.0-git9a72ccc7e4', start_date='2023-05-10T04:36:39', checksum=3342643092, kind='mean', investigation_time=50.0, imt='PGA'" +#,,,,,,,,,,"generated_by='OpenQuake engine 3.18.0-gitcd8633af85', start_date='2023-09-26T06:53:10', checksum=3342643092, kind='mean', investigation_time=50.0, imt='PGA'" lon,lat,depth,poe-0.0098000,poe-0.0137000,poe-0.0192000,poe-0.0527000,poe-0.5560000,poe-0.7780000,poe-1.0900000,poe-1.5200000 -0.00000,0.00000,0.00000,9.284469E-01,8.839076E-01,8.128563E-01,4.293663E-01,3.482910E-02,1.303776E-02,3.533304E-03,5.575219E-04 +0.00000,0.00000,0.00000,9.284360E-01,8.838910E-01,8.128382E-01,4.293640E-01,3.482910E-02,1.303776E-02,3.533304E-03,5.575219E-04 diff --git a/openquake/qa_tests_data/logictree/case_73/expected/hcurve-mean.csv b/openquake/qa_tests_data/logictree/case_73/expected/hcurve-mean.csv index e0d836434faa..77dd31333931 100644 --- a/openquake/qa_tests_data/logictree/case_73/expected/hcurve-mean.csv +++ b/openquake/qa_tests_data/logictree/case_73/expected/hcurve-mean.csv @@ -1,3 +1,3 @@ -#,,,,,,,,,,,,"generated_by='OpenQuake engine 3.16.0-gitc677b7c70b', start_date='2022-10-11T11:06:52', checksum=2750720722, kind='mean', investigation_time=1.0, imt='PGA'" +#,,,,,,,,,,,,"generated_by='OpenQuake engine 3.18.0-gitcd8633af85', start_date='2023-09-26T06:53:12', checksum=3411390726, kind='mean', investigation_time=1.0, imt='PGA'" lon,lat,depth,poe-0.0500000,poe-0.0540030,poe-0.0583265,poe-0.0629961,poe-0.0680395,poe-0.0734867,poe-0.0793701,poe-0.0857244,poe-0.0925875,poe-0.1000000 -0.50000,0.05000,0.00000,5.938413E-03,5.398923E-03,4.862891E-03,4.337150E-03,3.828143E-03,3.341685E-03,2.882766E-03,2.455404E-03,2.062557E-03,1.706090E-03 +0.50000,0.05000,0.00000,5.939581E-03,5.399983E-03,4.863843E-03,4.337998E-03,3.828890E-03,3.342336E-03,2.883326E-03,2.455880E-03,2.062956E-03,1.706420E-03 diff --git a/openquake/qa_tests_data/scenario/case_22/gmf-data.csv b/openquake/qa_tests_data/scenario/case_22/gmf-data.csv index 2f18a3613cca..dbd1fc4d43f0 100644 --- a/openquake/qa_tests_data/scenario/case_22/gmf-data.csv +++ b/openquake/qa_tests_data/scenario/case_22/gmf-data.csv @@ -1,42 +1,42 @@ -#,,,,,,"generated_by='OpenQuake engine 3.17.0-git6bbb32613e', start_date='2023-04-27T05:49:12', checksum=2783839574" +#,,,,,"generated_by='OpenQuake engine 3.18.0-gitcd8633af85', start_date='2023-09-26T06:55:28', checksum=2264401303" event_id,gmv_PGA,gmv_SA(0.3),gmv_SA(0.6),gmv_SA(1.0),custom_site_id -0,5.90305E-02,8.76940E-02,1.32631E-01,8.11155E-02,tv5nrf73 -0,2.93713E-02,5.13503E-02,5.32610E-02,3.82789E-02,tv5pxg5r -0,2.76455E-01,5.07049E-01,7.55347E-01,2.24453E-01,tuu7y3dp +0,5.90318E-02,8.76957E-02,1.32633E-01,8.11165E-02,tv5nrf73 +0,2.93719E-02,5.13512E-02,5.32617E-02,3.82793E-02,tv5pxg5r +0,2.76451E-01,5.07042E-01,7.55337E-01,2.24450E-01,tuu7y3dp 0,3.18668E-02,3.86309E-02,6.88820E-02,8.92017E-02,tuv87ue8 -1,7.79832E-02,1.86544E-01,9.35725E-02,4.17575E-02,tv5nrf73 -1,1.29505E-01,2.75797E-02,1.21769E-01,6.62579E-02,tv5pxg5r -1,3.38332E-01,4.64871E-01,4.93519E-01,1.05771E-01,tuu7y3dp +1,7.79849E-02,1.86547E-01,9.35739E-02,4.17580E-02,tv5nrf73 +1,1.29507E-01,2.75802E-02,1.21771E-01,6.62586E-02,tv5pxg5r +1,3.38327E-01,4.64864E-01,4.93512E-01,1.05769E-01,tuu7y3dp 1,1.07271E-01,6.14702E-02,4.70465E-02,4.97446E-02,tuv87ue8 -2,7.77142E-02,1.20936E-01,1.18118E-01,1.36557E-02,tv5nrf73 -2,4.58138E-02,1.15882E-01,5.94345E-02,2.88923E-02,tv5pxg5r -2,5.34005E-01,4.27463E-01,1.84715E-01,2.12035E-01,tuu7y3dp +2,7.77160E-02,1.20939E-01,1.18120E-01,1.36559E-02,tv5nrf73 +2,4.58147E-02,1.15884E-01,5.94353E-02,2.88926E-02,tv5pxg5r +2,5.33998E-01,4.27457E-01,1.84713E-01,2.12033E-01,tuu7y3dp 2,2.20663E-02,9.68739E-02,3.86521E-02,1.18521E-02,tuv87ue8 -3,4.61680E-02,1.36993E-01,3.71954E-02,5.30082E-02,tv5nrf73 -3,4.48487E-02,1.83143E-01,4.61710E-02,4.28315E-02,tv5pxg5r -3,3.06348E-01,1.08550E+00,5.90215E-01,2.08166E-01,tuu7y3dp +3,4.61690E-02,1.36995E-01,3.71959E-02,5.30089E-02,tv5nrf73 +3,4.48496E-02,1.83146E-01,4.61716E-02,4.28320E-02,tv5pxg5r +3,3.06343E-01,1.08549E+00,5.90207E-01,2.08164E-01,tuu7y3dp 3,1.77607E-02,7.40813E-02,4.79161E-02,4.73945E-02,tuv87ue8 -4,3.35009E-02,1.37792E-01,3.15526E-02,1.18119E-02,tv5nrf73 -4,4.58232E-02,9.22995E-02,6.00728E-02,3.07075E-02,tv5pxg5r -4,4.07989E-01,4.26601E-01,4.82026E-01,9.26852E-02,tuu7y3dp +4,3.35016E-02,1.37795E-01,3.15531E-02,1.18121E-02,tv5nrf73 +4,4.58241E-02,9.23011E-02,6.00736E-02,3.07078E-02,tv5pxg5r +4,4.07983E-01,4.26595E-01,4.82019E-01,9.26840E-02,tuu7y3dp 4,3.28664E-02,2.28247E-02,3.83419E-02,1.14184E-02,tuv87ue8 -5,1.28509E-01,1.05550E-01,4.02416E-02,3.11813E-02,tv5nrf73 -5,3.08859E-02,8.42228E-02,8.55826E-02,9.48028E-03,tv5pxg5r -5,1.74133E-01,3.09897E-01,3.92654E-01,7.08575E-02,tuu7y3dp +5,1.28512E-01,1.05552E-01,4.02422E-02,3.11817E-02,tv5nrf73 +5,3.08865E-02,8.42242E-02,8.55837E-02,9.48038E-03,tv5pxg5r +5,1.74130E-01,3.09892E-01,3.92648E-01,7.08565E-02,tuu7y3dp 5,2.02684E-02,3.06772E-02,1.00374E-01,2.96498E-02,tuv87ue8 -6,1.02858E-01,9.21513E-02,8.96269E-02,3.67937E-02,tv5nrf73 -6,6.43341E-02,8.43921E-02,4.71720E-02,1.07446E-01,tv5pxg5r -6,3.44905E-01,4.90808E-01,2.14934E-01,1.16824E-01,tuu7y3dp +6,1.02861E-01,9.21531E-02,8.96282E-02,3.67941E-02,tv5nrf73 +6,6.43354E-02,8.43936E-02,4.71727E-02,1.07447E-01,tv5pxg5r +6,3.44900E-01,4.90801E-01,2.14931E-01,1.16822E-01,tuu7y3dp 6,2.54081E-02,4.92803E-02,6.57605E-02,2.51914E-02,tuv87ue8 -7,1.04490E-01,1.70697E-01,4.57483E-02,3.55665E-02,tv5nrf73 -7,2.99352E-02,2.07602E-01,2.03662E-02,5.53077E-02,tv5pxg5r -7,1.63596E-01,7.41290E-01,1.22627E-01,2.06863E-01,tuu7y3dp +7,1.04492E-01,1.70701E-01,4.57490E-02,3.55670E-02,tv5nrf73 +7,2.99358E-02,2.07606E-01,2.03665E-02,5.53083E-02,tv5pxg5r +7,1.63594E-01,7.41279E-01,1.22626E-01,2.06860E-01,tuu7y3dp 7,4.01169E-02,1.72750E-01,4.53952E-02,5.87575E-02,tuv87ue8 -8,3.09065E-02,2.07001E-01,5.23540E-02,1.61167E-02,tv5nrf73 -8,6.35439E-02,7.73221E-02,4.11043E-02,4.39627E-02,tv5pxg5r -8,1.56224E-01,2.64689E-01,1.55950E-01,9.35495E-02,tuu7y3dp +8,3.09072E-02,2.07005E-01,5.23548E-02,1.61169E-02,tv5nrf73 +8,6.35452E-02,7.73234E-02,4.11048E-02,4.39632E-02,tv5pxg5r +8,1.56222E-01,2.64685E-01,1.55948E-01,9.35482E-02,tuu7y3dp 8,2.06828E-02,1.06628E-01,5.60058E-02,3.30284E-02,tuv87ue8 -9,8.52687E-02,7.84160E-02,5.94348E-02,4.09886E-02,tv5nrf73 -9,8.48324E-02,6.13984E-02,1.32672E-01,1.51879E-02,tv5pxg5r -9,5.34191E-01,5.36291E-01,4.16537E-01,3.84255E-02,tuu7y3dp +9,8.52707E-02,7.84176E-02,5.94356E-02,4.09891E-02,tv5nrf73 +9,8.48341E-02,6.13994E-02,1.32674E-01,1.51881E-02,tv5pxg5r +9,5.34184E-01,5.36283E-01,4.16531E-01,3.84250E-02,tuu7y3dp 9,6.18875E-02,1.25526E-01,4.87964E-02,4.00901E-02,tuv87ue8 diff --git a/openquake/qa_tests_data/scenario/case_22/gmfdata.csv b/openquake/qa_tests_data/scenario/case_22/gmfdata.csv index 72130e72751d..a93cb1141c98 100644 --- a/openquake/qa_tests_data/scenario/case_22/gmfdata.csv +++ b/openquake/qa_tests_data/scenario/case_22/gmfdata.csv @@ -1,42 +1,42 @@ -#,,,,,"generated_by='OpenQuake engine 3.17.0-git8294465154', start_date='2023-05-03T07:46:49', checksum=1312865486" +#,,,,,"generated_by='OpenQuake engine 3.18.0-gitcd8633af85', start_date='2023-09-26T06:55:29', checksum=2667428886" event_id,gmv_PGA,gmv_SA(0.3),gmv_SA(0.6),gmv_SA(1.0),custom_site_id -0,5.90305E-02,8.76940E-02,1.32631E-01,8.11155E-02,site1 -0,2.93713E-02,5.13503E-02,5.32610E-02,3.82789E-02,site2 -0,2.76455E-01,5.07049E-01,7.55347E-01,2.24453E-01,site3 +0,5.90318E-02,8.76957E-02,1.32633E-01,8.11165E-02,site1 +0,2.93719E-02,5.13512E-02,5.32617E-02,3.82793E-02,site2 +0,2.76451E-01,5.07042E-01,7.55337E-01,2.24450E-01,site3 0,3.18668E-02,3.86309E-02,6.88820E-02,8.92017E-02,site4 -1,7.79832E-02,1.86544E-01,9.35725E-02,4.17575E-02,site1 -1,1.29505E-01,2.75797E-02,1.21769E-01,6.62579E-02,site2 -1,3.38332E-01,4.64871E-01,4.93519E-01,1.05771E-01,site3 +1,7.79849E-02,1.86547E-01,9.35739E-02,4.17580E-02,site1 +1,1.29507E-01,2.75802E-02,1.21771E-01,6.62586E-02,site2 +1,3.38327E-01,4.64864E-01,4.93512E-01,1.05769E-01,site3 1,1.07271E-01,6.14702E-02,4.70465E-02,4.97446E-02,site4 -2,7.77142E-02,1.20936E-01,1.18118E-01,1.36557E-02,site1 -2,4.58138E-02,1.15882E-01,5.94345E-02,2.88923E-02,site2 -2,5.34005E-01,4.27463E-01,1.84715E-01,2.12035E-01,site3 +2,7.77160E-02,1.20939E-01,1.18120E-01,1.36559E-02,site1 +2,4.58147E-02,1.15884E-01,5.94353E-02,2.88926E-02,site2 +2,5.33998E-01,4.27457E-01,1.84713E-01,2.12033E-01,site3 2,2.20663E-02,9.68739E-02,3.86521E-02,1.18521E-02,site4 -3,4.61680E-02,1.36993E-01,3.71954E-02,5.30082E-02,site1 -3,4.48487E-02,1.83143E-01,4.61710E-02,4.28315E-02,site2 -3,3.06348E-01,1.08550E+00,5.90215E-01,2.08166E-01,site3 +3,4.61690E-02,1.36995E-01,3.71959E-02,5.30089E-02,site1 +3,4.48496E-02,1.83146E-01,4.61716E-02,4.28320E-02,site2 +3,3.06343E-01,1.08549E+00,5.90207E-01,2.08164E-01,site3 3,1.77607E-02,7.40813E-02,4.79161E-02,4.73945E-02,site4 -4,3.35009E-02,1.37792E-01,3.15526E-02,1.18119E-02,site1 -4,4.58232E-02,9.22995E-02,6.00728E-02,3.07075E-02,site2 -4,4.07989E-01,4.26601E-01,4.82026E-01,9.26852E-02,site3 +4,3.35016E-02,1.37795E-01,3.15531E-02,1.18121E-02,site1 +4,4.58241E-02,9.23011E-02,6.00736E-02,3.07078E-02,site2 +4,4.07983E-01,4.26595E-01,4.82019E-01,9.26840E-02,site3 4,3.28664E-02,2.28247E-02,3.83419E-02,1.14184E-02,site4 -5,1.28509E-01,1.05550E-01,4.02416E-02,3.11813E-02,site1 -5,3.08859E-02,8.42228E-02,8.55826E-02,9.48028E-03,site2 -5,1.74133E-01,3.09897E-01,3.92654E-01,7.08575E-02,site3 +5,1.28512E-01,1.05552E-01,4.02422E-02,3.11817E-02,site1 +5,3.08865E-02,8.42242E-02,8.55837E-02,9.48038E-03,site2 +5,1.74130E-01,3.09892E-01,3.92648E-01,7.08565E-02,site3 5,2.02684E-02,3.06772E-02,1.00374E-01,2.96498E-02,site4 -6,1.02858E-01,9.21513E-02,8.96269E-02,3.67937E-02,site1 -6,6.43341E-02,8.43921E-02,4.71720E-02,1.07446E-01,site2 -6,3.44905E-01,4.90808E-01,2.14934E-01,1.16824E-01,site3 +6,1.02861E-01,9.21531E-02,8.96282E-02,3.67941E-02,site1 +6,6.43354E-02,8.43936E-02,4.71727E-02,1.07447E-01,site2 +6,3.44900E-01,4.90801E-01,2.14931E-01,1.16822E-01,site3 6,2.54081E-02,4.92803E-02,6.57605E-02,2.51914E-02,site4 -7,1.04490E-01,1.70697E-01,4.57483E-02,3.55665E-02,site1 -7,2.99352E-02,2.07602E-01,2.03662E-02,5.53077E-02,site2 -7,1.63596E-01,7.41290E-01,1.22627E-01,2.06863E-01,site3 +7,1.04492E-01,1.70701E-01,4.57490E-02,3.55670E-02,site1 +7,2.99358E-02,2.07606E-01,2.03665E-02,5.53083E-02,site2 +7,1.63594E-01,7.41279E-01,1.22626E-01,2.06860E-01,site3 7,4.01169E-02,1.72750E-01,4.53952E-02,5.87575E-02,site4 -8,3.09065E-02,2.07001E-01,5.23540E-02,1.61167E-02,site1 -8,6.35439E-02,7.73221E-02,4.11043E-02,4.39627E-02,site2 -8,1.56224E-01,2.64689E-01,1.55950E-01,9.35495E-02,site3 +8,3.09072E-02,2.07005E-01,5.23548E-02,1.61169E-02,site1 +8,6.35452E-02,7.73234E-02,4.11048E-02,4.39632E-02,site2 +8,1.56222E-01,2.64685E-01,1.55948E-01,9.35482E-02,site3 8,2.06828E-02,1.06628E-01,5.60058E-02,3.30284E-02,site4 -9,8.52687E-02,7.84160E-02,5.94348E-02,4.09886E-02,site1 -9,8.48324E-02,6.13984E-02,1.32672E-01,1.51879E-02,site2 -9,5.34191E-01,5.36291E-01,4.16537E-01,3.84255E-02,site3 +9,8.52707E-02,7.84176E-02,5.94356E-02,4.09891E-02,site1 +9,8.48341E-02,6.13994E-02,1.32674E-01,1.51881E-02,site2 +9,5.34184E-01,5.36283E-01,4.16531E-01,3.84250E-02,site3 9,6.18875E-02,1.25526E-01,4.87964E-02,4.00901E-02,site4 diff --git a/openquake/qa_tests_data/scenario_damage/case_4/expected/dmg_by_asset.csv b/openquake/qa_tests_data/scenario_damage/case_4/expected/dmg_by_asset.csv index 7e13ee746839..7bb0ea1df784 100644 --- a/openquake/qa_tests_data/scenario_damage/case_4/expected/dmg_by_asset.csv +++ b/openquake/qa_tests_data/scenario_damage/case_4/expected/dmg_by_asset.csv @@ -1,5 +1,5 @@ -#,,,,,,"generated_by='OpenQuake engine 3.17.0-gitc157a3bc4c', start_date='2023-04-24T09:32:53', checksum=759753235" +#,,,,,,"generated_by='OpenQuake engine 3.18.0-gitcd8633af85', start_date='2023-09-26T06:54:45', checksum=786821515" asset_id,taxonomy,lon,lat,structural~no_damage,structural~LS1,structural~LS2 -a1,RM,81.29850,29.10980,2.933200E+03,6.680000E+01,0.000000E+00 +a1,RM,81.29850,29.10980,2.933000E+03,6.700000E+01,0.000000E+00 a2,RC,83.08230,27.90060,2.494000E+02,3.096000E+02,4.410000E+02 a3,W,85.74770,27.90150,1.708000E+02,8.776000E+02,9.516000E+02 diff --git a/openquake/qa_tests_data/scenario_risk/case_3/expected/agg_loss.csv b/openquake/qa_tests_data/scenario_risk/case_3/expected/agg_loss.csv index e1d3298c9712..dbf4637bfdd4 100644 --- a/openquake/qa_tests_data/scenario_risk/case_3/expected/agg_loss.csv +++ b/openquake/qa_tests_data/scenario_risk/case_3/expected/agg_loss.csv @@ -1,3 +1,3 @@ -#,,"generated_by='OpenQuake engine 3.17.0-gitc157a3bc4c', start_date='2023-04-24T09:33:06', checksum=3228602707, investigation_time=None, risk_investigation_time=None" +#,,"generated_by='OpenQuake engine 3.18.0-gitcd8633af85', start_date='2023-09-26T06:55:01', checksum=4112681730, investigation_time=None, risk_investigation_time=None" loss_type,loss_value,loss_ratio -structural,5.85533E+02,9.75888E-02 +structural,5.85538E+02,9.75897E-02 diff --git a/openquake/qa_tests_data/scenario_risk/case_3/expected/asset-loss.csv b/openquake/qa_tests_data/scenario_risk/case_3/expected/asset-loss.csv index 7d8890886ea7..8b58913b8501 100644 --- a/openquake/qa_tests_data/scenario_risk/case_3/expected/asset-loss.csv +++ b/openquake/qa_tests_data/scenario_risk/case_3/expected/asset-loss.csv @@ -1,6 +1,6 @@ -#,,,,"generated_by='OpenQuake engine 3.18.0-git62d7262952', start_date='2023-08-23T06:23:38', checksum=4112681730, investigation_time=None, risk_investigation_time=None" +#,,,,"generated_by='OpenQuake engine 3.18.0-gitcd8633af85', start_date='2023-09-26T06:55:01', checksum=4112681730, investigation_time=None, risk_investigation_time=None" asset_id,taxonomy,lon,lat,structural -a1,RM,81.29850,29.10980,1.36525E+02 -a2,RC,83.08230,27.90060,1.94638E+02 +a1,RM,81.29850,29.10980,1.36526E+02 +a2,RC,83.08230,27.90060,1.94644E+02 a4,W,85.74700,27.90000,0.00000E+00 -a3,W,85.74770,27.90150,2.54369E+02 +a3,W,85.74770,27.90150,2.54368E+02 diff --git a/openquake/qa_tests_data/scenario_risk/case_4/expected/totlosses.txt b/openquake/qa_tests_data/scenario_risk/case_4/expected/totlosses.txt index fc37bd3367b5..92a498e7571d 100644 --- a/openquake/qa_tests_data/scenario_risk/case_4/expected/totlosses.txt +++ b/openquake/qa_tests_data/scenario_risk/case_4/expected/totlosses.txt @@ -1,5 +1,5 @@ +--------------+ | structural | +--------------+ -| 1.345435E+07 | +| 1.345430E+07 | +--------------+ \ No newline at end of file diff --git a/openquake/qa_tests_data/scenario_risk/case_5/expected/losses_by_asset.csv b/openquake/qa_tests_data/scenario_risk/case_5/expected/losses_by_asset.csv index 97bf0ba7a222..1bb8decd91db 100644 --- a/openquake/qa_tests_data/scenario_risk/case_5/expected/losses_by_asset.csv +++ b/openquake/qa_tests_data/scenario_risk/case_5/expected/losses_by_asset.csv @@ -1,16 +1,16 @@ -#,,,,"generated_by='OpenQuake engine 3.17.0-gitc157a3bc4c', start_date='2023-04-24T09:33:08', checksum=397494009, investigation_time=None, risk_investigation_time=None" +#,,,,"generated_by='OpenQuake engine 3.18.0-gitcd8633af85', start_date='2023-09-26T06:55:06', checksum=397494009, investigation_time=None, risk_investigation_time=None" asset_id,taxonomy,lon,lat,structural -road1962,EMCA_PRIM_2L,74.45000,42.97000,3.77096E+03 -bridge481,steel_spl,74.61400,42.84800,2.05277E+04 -bridge1269,steel_spl,74.38000,42.80400,1.06455E+05 +road1962,EMCA_PRIM_2L,74.45000,42.97000,3.75279E+03 +bridge481,steel_spl,74.61400,42.84800,2.01885E+04 +bridge1269,steel_spl,74.38000,42.80400,1.05828E+05 road2564,EMCA_PRIM_2L,78.02600,42.74100,0.00000E+00 bridge574,concrete_spl,74.48100,42.57200,6.31833E+04 road2544,EMCA_PRIM_2L,78.08600,42.39300,0.00000E+00 -road2517,EMCA_PRIM_2L,77.52900,42.16100,1.39880E+03 -bridge158,steel_spl,76.11100,41.91300,1.41691E+04 -road2756,EMCA_PRIM_4L,75.33600,40.98000,1.82022E+02 +road2517,EMCA_PRIM_2L,77.52900,42.16100,1.39704E+03 +bridge158,steel_spl,76.11100,41.91300,1.40078E+04 +road2756,EMCA_PRIM_4L,75.33600,40.98000,1.82001E+02 road685,EMCA_PRIM_2L,73.19100,40.69000,2.87249E+02 -bridge685,concrete_spl,75.09000,40.76000,6.47628E+02 +bridge685,concrete_spl,75.09000,40.76000,6.47378E+02 road369,EMCA_PRIM_2L,72.70600,40.51000,0.00000E+00 road125,EMCA_PRIM_2L,71.68100,40.05000,0.00000E+00 road291,EMCA_PRIM_2L,71.68100,40.05000,0.00000E+00 diff --git a/openquake/qa_tests_data/scenario_risk/occupants/expected/asset-loss.csv b/openquake/qa_tests_data/scenario_risk/occupants/expected/asset-loss.csv index d0674d20bdd7..f0c81471493f 100644 --- a/openquake/qa_tests_data/scenario_risk/occupants/expected/asset-loss.csv +++ b/openquake/qa_tests_data/scenario_risk/occupants/expected/asset-loss.csv @@ -1,5 +1,5 @@ -#,,,,"generated_by='OpenQuake engine 3.17.0-gitc157a3bc4c', start_date='2023-04-24T09:33:12', checksum=3953215024, investigation_time=None, risk_investigation_time=None" +#,,,,"generated_by='OpenQuake engine 3.18.0-gitcd8633af85', start_date='2023-09-26T06:55:19', checksum=3953215024, investigation_time=None, risk_investigation_time=None" asset_id,taxonomy,lon,lat,occupants -a1,RM,81.29850,29.10980,3.44363E-01 -a2,RC,83.08230,27.90060,1.35915E+00 -a3,W,85.74770,27.90150,1.02449E+00 +a1,RM,81.29850,29.10980,3.44365E-01 +a2,RC,83.08230,27.90060,1.35917E+00 +a3,W,85.74770,27.90150,1.02448E+00 From cb93a9ac8321f79778e6e394915eff06b1dafb40 Mon Sep 17 00:00:00 2001 From: Michele Simionato Date: Tue, 26 Sep 2023 07:01:21 +0200 Subject: [PATCH 03/13] Updated changelog [ci skip] --- debian/changelog | 10 +++++++--- 1 file changed, 7 insertions(+), 3 deletions(-) diff --git a/debian/changelog b/debian/changelog index ac38dc8ce81b..9828e63fdb8a 100644 --- a/debian/changelog +++ b/debian/changelog @@ -1,12 +1,16 @@ + [Marco Pagani] + * Fixed a bug in the code that resamples a line, with a negligible effect + on the hazard of models containing simple fault sources + [Athanasios Papadopoulos] * Adjusted the Swiss-specific implementations of the GMPEs used in the Swiss national seismic hazard (SUIhaz15) and risk (ERM-CH23) models. The new implementation returns all of total, intra- and inter-event sigmas, - rather than just the total one. - * Extended the ModifiableGMPE class by adding an + rather than just the total one. + * Extended the ModifiableGMPE class by adding an apply_swiss_amplification_sa method that is used in ERM-CH23 to apply site specific adjustments for site effects and intra-event - uncertainty. + uncertainty. * Added ch_ampl03, ch_ampl06, ch_phis2s03, ch_phis2s06, ch_phisss03, ch_phis2s06 site parameters to the site.py file. These parameters are required by the apply_swiss_amplification_sa method. From 8147e95612ec4e981132bc21d4aebe251bf8eb6b Mon Sep 17 00:00:00 2001 From: Michele Simionato Date: Tue, 26 Sep 2023 07:20:12 +0200 Subject: [PATCH 04/13] Fixed test --- debian/changelog | 9 ++++---- openquake/calculators/export/hazard.py | 2 +- openquake/hazardlib/geo/line.py | 22 +++++++++---------- .../hazardlib/tests/sourceconverter_test.py | 2 +- 4 files changed, 17 insertions(+), 18 deletions(-) diff --git a/debian/changelog b/debian/changelog index 9828e63fdb8a..63671c193e8d 100644 --- a/debian/changelog +++ b/debian/changelog @@ -6,14 +6,13 @@ * Adjusted the Swiss-specific implementations of the GMPEs used in the Swiss national seismic hazard (SUIhaz15) and risk (ERM-CH23) models. The new implementation returns all of total, intra- and inter-event sigmas, - rather than just the total one. + rather than just the total one * Extended the ModifiableGMPE class by adding an - apply_swiss_amplification_sa method that is used in ERM-CH23 to + `apply_swiss_amplification_sa` method that is used in ERM-CH23 to apply site specific adjustments for site effects and intra-event - uncertainty. + uncertainty * Added ch_ampl03, ch_ampl06, ch_phis2s03, ch_phis2s06, - ch_phisss03, ch_phis2s06 site parameters to the site.py file. - These parameters are required by the apply_swiss_amplification_sa method. + ch_phisss03, ch_phis2s06 site parameters to the site.py file [Paolo Tormene] * Upgraded requirements: Shapely to version 2.0.1 and Pandas to version 2.0.3 diff --git a/openquake/calculators/export/hazard.py b/openquake/calculators/export/hazard.py index 06438ded68ec..b71ac1393276 100644 --- a/openquake/calculators/export/hazard.py +++ b/openquake/calculators/export/hazard.py @@ -280,7 +280,7 @@ def export_uhs_xml(ekey, dstore): class Location(object): def __init__(self, xyz): - self.x, self.y = tuple(xyz)[:2] + self.x, self.y = xyz['lon'], xyz['lat'] self.wkt = 'POINT(%s %s)' % (self.x, self.y) diff --git a/openquake/hazardlib/geo/line.py b/openquake/hazardlib/geo/line.py index a89e79ae20be..25f6e65f5c2e 100644 --- a/openquake/hazardlib/geo/line.py +++ b/openquake/hazardlib/geo/line.py @@ -313,17 +313,17 @@ def resample(self, sect_len: float, orig_extremes=False): if tot_len - inc_len > 0.5 * sect_len and not orig_extremes: # Adding more points still on the same segment - Δx = (txy[-1, 0] - txy[-2, 0]) - Δy = (txy[-1, 1] - txy[-2, 1]) - Δz = (txy[-1, 2] - txy[-2, 2]) - chk_dst = (Δx**2 + Δy**2 + Δz**2)**0.5 - Δx_ratio = Δx / chk_dst - Δy_ratio = Δy / chk_dst - Δz_ratio = Δz / chk_dst - - x_pnt = rtra_prj[-1][0] + Δx_ratio * sect_len - y_pnt = rtra_prj[-1][1] + Δy_ratio * sect_len - z_pnt = rtra_prj[-1][2] + Δz_ratio * sect_len + dx = (txy[-1, 0] - txy[-2, 0]) + dy = (txy[-1, 1] - txy[-2, 1]) + dz = (txy[-1, 2] - txy[-2, 2]) + chk_dst = (dx**2 + dy**2 + dz**2)**0.5 + dx_ratio = dx / chk_dst + dy_ratio = dy / chk_dst + dz_ratio = dz / chk_dst + + x_pnt = rtra_prj[-1][0] + dx_ratio * sect_len + y_pnt = rtra_prj[-1][1] + dy_ratio * sect_len + z_pnt = rtra_prj[-1][2] + dz_ratio * sect_len # New point xg, yg = proj(np.array([x_pnt]), np.array([y_pnt]), diff --git a/openquake/hazardlib/tests/sourceconverter_test.py b/openquake/hazardlib/tests/sourceconverter_test.py index 32162d540d9e..61435543e686 100644 --- a/openquake/hazardlib/tests/sourceconverter_test.py +++ b/openquake/hazardlib/tests/sourceconverter_test.py @@ -471,7 +471,7 @@ def test_dupl_values_hddist(self): def test_mfd_with_slip_rate(self): testfile = os.path.join(testdir, 'source_with_slip_rate.xml') src = nrml.to_python(testfile).src_groups[0][0] - self.assertAlmostEqual(src.mfd.a_val, 3.97184573434) + self.assertAlmostEqual(src.mfd.a_val, 3.9720437839539255) class SourceGroupHDF5TestCase(unittest.TestCase): From 6d06c64eb1274cb46da1484c6caa178c9e22d9af Mon Sep 17 00:00:00 2001 From: Michele Simionato Date: Tue, 26 Sep 2023 07:26:14 +0200 Subject: [PATCH 05/13] Fixed more tests --- .../hazardlib/tests/calc/cond_spectra_test.py | 12 ++--- .../tests/calc/expected/spectra2.csv | 44 +++++++++---------- 2 files changed, 28 insertions(+), 28 deletions(-) diff --git a/openquake/hazardlib/tests/calc/cond_spectra_test.py b/openquake/hazardlib/tests/calc/cond_spectra_test.py index 0e75ebf6513b..49132c644d0f 100644 --- a/openquake/hazardlib/tests/calc/cond_spectra_test.py +++ b/openquake/hazardlib/tests/calc/cond_spectra_test.py @@ -121,12 +121,12 @@ def test_1_rlz(self): spectra, s_sigma = cond_spectra( inp.cmaker, inp.group, inp.sitecol, 'SA(0.2)', imls) - aac(spectra.flatten(), [0.19236242, 0.23961989, 0.27838065, 0.35216192, - 0.39435944, 0.36501786, 0.34676928, 0.23458421, - 0.15669297, 0.11154595, 0.0409729], atol=2E-5) - aac(s_sigma.flatten(), [0.327456, 0.368969, 0.388289, 0.270122, - 0.006058, 0.235236, 0.319312, 0.463179, - 0.556208, 0.596132, 0.70371], atol=2E-5) + aac(spectra.flatten(), [0.19164881, 0.23852505, 0.27692626, 0.35103066, + 0.39435944, 0.36436695, 0.34596382, 0.23299646, + 0.15524817, 0.11027446, 0.04034665], rtol=1E-6) + aac(s_sigma.flatten(), [0.33084368, 0.37107024, 0.389734, 0.27167148, + 0.02817097, 0.23704353, 0.32075199, 0.46459039, + 0.55801751, 0.59838493, 0.7080976], rtol=1E-6) def test_2_rlzs(self): # test with two GMPEs, 1 TRT diff --git a/openquake/hazardlib/tests/calc/expected/spectra2.csv b/openquake/hazardlib/tests/calc/expected/spectra2.csv index 97846b6559f4..1acbbaa208ca 100644 --- a/openquake/hazardlib/tests/calc/expected/spectra2.csv +++ b/openquake/hazardlib/tests/calc/expected/spectra2.csv @@ -1,23 +1,23 @@ rlz_id,period,cs_exp,cs_std -0,0.050000,0.028899,0.408585 -0,0.075000,0.038765,0.447874 -0,0.100000,0.047491,0.469590 -0,0.150000,0.051718,0.325824 -0,0.200000,0.048335,0.019655 -0,0.250000,0.054656,0.282616 -0,0.300000,0.056460,0.377526 -0,0.500000,0.053414,0.589057 -0,0.750000,0.042229,0.686582 -0,1.000000,0.035340,0.727582 -0,2.000000,0.018743,0.866052 -1,0.050000,0.029982,0.350235 -1,0.075000,0.037597,0.392952 -1,0.100000,0.044732,0.416025 -1,0.150000,0.049066,0.286746 -1,0.200000,0.048335,0.019655 -1,0.250000,0.052159,0.236278 -1,0.300000,0.053990,0.320129 -1,0.500000,0.048796,0.471606 -1,0.750000,0.039519,0.569569 -1,1.000000,0.032900,0.617575 -1,2.000000,0.016337,0.742575 +0,0.050000,0.028823,0.407258 +0,0.075000,0.038658,0.446432 +0,0.100000,0.047357,0.468122 +0,0.150000,0.051658,0.325461 +0,0.200000,0.048335,0.019627 +0,0.250000,0.054612,0.282466 +0,0.300000,0.056378,0.377131 +0,0.500000,0.053270,0.588092 +0,0.750000,0.042069,0.685172 +0,1.000000,0.035166,0.725159 +0,2.000000,0.018612,0.861390 +1,0.050000,0.029945,0.349775 +1,0.075000,0.037540,0.392297 +1,0.100000,0.044654,0.415216 +1,0.150000,0.049014,0.286292 +1,0.200000,0.048335,0.019627 +1,0.250000,0.052127,0.236170 +1,0.300000,0.053947,0.320006 +1,0.500000,0.048684,0.470814 +1,0.750000,0.039394,0.568338 +1,1.000000,0.032772,0.615789 +1,2.000000,0.016251,0.739768 From 8ccb3929ab9a2e10592e3bd84bb909cc1492b797 Mon Sep 17 00:00:00 2001 From: Marco Pagani Date: Thu, 28 Sep 2023 21:01:02 +0200 Subject: [PATCH 06/13] Fixing test --- openquake/hazardlib/geo/surface/base.py | 8 ++++---- 1 file changed, 4 insertions(+), 4 deletions(-) diff --git a/openquake/hazardlib/geo/surface/base.py b/openquake/hazardlib/geo/surface/base.py index 01d4f0f1a1a9..d44237c39b35 100644 --- a/openquake/hazardlib/geo/surface/base.py +++ b/openquake/hazardlib/geo/surface/base.py @@ -58,7 +58,7 @@ def _find_turning_points(mesh, tol=1.0): idx2 = numpy.isfinite(mesh.lons[0, 1:]) idx = numpy.where(numpy.logical_and(idx1, idx2))[0] azimuths = geodetic.azimuth(mesh.lons[0, idx], mesh.lats[0, idx], - mesh.lons[0, idx+1], mesh.lats[0, idx+1]) + mesh.lons[0, idx + 1], mesh.lats[0, idx + 1]) naz = len(azimuths) azim = azimuths[0] # Retain initial point @@ -244,7 +244,7 @@ def get_rx_distance(self, mesh): if ((self.__class__.__name__ == 'KiteSurface') and (numpy.isnan(top_edge.lons[0, i]) or - numpy.isnan(top_edge.lons[0, i+1]))): + numpy.isnan(top_edge.lons[0, i + 1]))): msg = 'Rx calculation. Top of rupture has less than two points' raise ValueError(msg) @@ -267,7 +267,7 @@ def get_rx_distance(self, mesh): if ((self.__class__.__name__ == 'KiteSurface') and (numpy.isnan(top_edge.lons[0, i]) or - numpy.isnan(top_edge.lons[0, i+1]))): + numpy.isnan(top_edge.lons[0, i + 1]))): continue p1 = Point( @@ -394,7 +394,7 @@ def get_surface_boundaries_3d(self): return (self._boundaries('lons'), self._boundaries('lats'), self._boundaries('depths')) - def get_resampled_top_edge(self, angle_var=0.1): + def get_resampled_top_edge(self, angle_var=3.0): """ This methods computes a simplified representation of a fault top edge by removing the points that are not describing a change of direction, From 6b2ef227db19c66aee7ada080e7b04f55ac6ec75 Mon Sep 17 00:00:00 2001 From: Michele Simionato Date: Fri, 29 Sep 2023 10:44:25 +0200 Subject: [PATCH 07/13] Updated changelog [ci skip] --- debian/changelog | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/debian/changelog b/debian/changelog index 4e193f2219d1..b0d24442db34 100644 --- a/debian/changelog +++ b/debian/changelog @@ -1,5 +1,5 @@ [Marco Pagani] - * Fixed a bug in the code that resamples a line, with a negligible effect + * Fixed a bug in the code that resamples a line, with a small effect on the hazard of models containing simple fault sources [Michele Simionato] From fa24c4ab7d2b26dc98511d9152ed52411f4e9664 Mon Sep 17 00:00:00 2001 From: Marco Pagani Date: Tue, 3 Oct 2023 08:18:38 +0200 Subject: [PATCH 08/13] Fixing test --- openquake/hazardlib/geo/surface/base.py | 7 ++++++- openquake/hazardlib/tests/geo/surface/gc2_test.py | 14 ++++++++++++++ 2 files changed, 20 insertions(+), 1 deletion(-) diff --git a/openquake/hazardlib/geo/surface/base.py b/openquake/hazardlib/geo/surface/base.py index d44237c39b35..5a0e0926d569 100644 --- a/openquake/hazardlib/geo/surface/base.py +++ b/openquake/hazardlib/geo/surface/base.py @@ -61,12 +61,16 @@ def _find_turning_points(mesh, tol=1.0): mesh.lons[0, idx + 1], mesh.lats[0, idx + 1]) naz = len(azimuths) azim = azimuths[0] + # Retain initial point idx = [0] + + # Add more points for i in range(1, naz): - if numpy.fabs(azimuths[i] - azim) > tol: + if numpy.fabs((azimuths[i] - azim) % 360) > tol: idx.append(i) azim = azimuths[i] + # Add on last point - if not already in the set if idx[-1] != mesh.lons.shape[1] - 1: idx.append(mesh.lons.shape[1] - 1) @@ -100,6 +104,7 @@ def downsample_trace(mesh, tol=1.0): :returns: Downsampled edge as a numpy array of [long, lat, depth] """ + idx = _find_turning_points(mesh, tol) if mesh.depths is not None: return numpy.column_stack([mesh.lons[0, idx], diff --git a/openquake/hazardlib/tests/geo/surface/gc2_test.py b/openquake/hazardlib/tests/geo/surface/gc2_test.py index d81623d55990..66b3995dee81 100644 --- a/openquake/hazardlib/tests/geo/surface/gc2_test.py +++ b/openquake/hazardlib/tests/geo/surface/gc2_test.py @@ -41,6 +41,8 @@ AS_ARRAY = numpy.array([[pnt.longitude, pnt.latitude, pnt.depth] for pnt in [PNT1, PNT2, PNT3, PNT4, PNT5]]) +PLOTTING = False + class CartesianTestingMultiSurface(MultiSurface): """ @@ -177,6 +179,7 @@ def _setup_peer_test_bending_fault_config(): frankel_fault2 = MultiSurface(frankel_discordant) return simple_fault1, stirling_fault1, frankel_fault1, frankel_fault2 + SFLT1, STIRFLT1, FRANK1, FRANK2 = _setup_peer_test_bending_fault_config() @@ -187,8 +190,19 @@ class TraceDownSamplingTestCase(unittest.TestCase): def test_downsample_trace(self): # Use the simple fault case with a tolerance of 1.0 degree downsampled_trace = downsample_trace(SFLT1.mesh, 1.0) + + if PLOTTING: + import matplotlib.pyplot as plt + plt.plot(SFLT1.mesh.lons[0, :], SFLT1.mesh.lats[0, :], '-') + ds = downsampled_trace + plt.plot(ds[:, 0], ds[:, 1], 'o') + for i_coo, coo in enumerate(zip(ds[:, 0], ds[:, 1])): + plt.text(coo[0], coo[1], f'{i_coo}') + plt.show() + # Top edge of downsampled mesh should correspond to the five # points of the simple fault + # Check longitudes numpy.testing.assert_array_almost_equal(downsampled_trace[:, 0], AS_ARRAY[:, 0], From 57495908d3a67ac090fd5bd2572e7fc7c5f93ca3 Mon Sep 17 00:00:00 2001 From: Marco Pagani Date: Tue, 3 Oct 2023 08:25:45 +0200 Subject: [PATCH 09/13] Fixing difference between angles --- openquake/hazardlib/geo/surface/base.py | 4 +++- 1 file changed, 3 insertions(+), 1 deletion(-) diff --git a/openquake/hazardlib/geo/surface/base.py b/openquake/hazardlib/geo/surface/base.py index 5a0e0926d569..b9c3cb53dba2 100644 --- a/openquake/hazardlib/geo/surface/base.py +++ b/openquake/hazardlib/geo/surface/base.py @@ -67,7 +67,9 @@ def _find_turning_points(mesh, tol=1.0): # Add more points for i in range(1, naz): - if numpy.fabs((azimuths[i] - azim) % 360) > tol: + dff = azimuths[i] - azim + dff = (dff + 180) % 360 - 180 + if dff > tol: idx.append(i) azim = azimuths[i] From 540040f5292bf5b3c7f05a62bfccf12167a3deb5 Mon Sep 17 00:00:00 2001 From: Marco Pagani Date: Tue, 3 Oct 2023 08:32:04 +0200 Subject: [PATCH 10/13] Fixing difference between angles --- openquake/hazardlib/geo/surface/base.py | 9 +++++++-- 1 file changed, 7 insertions(+), 2 deletions(-) diff --git a/openquake/hazardlib/geo/surface/base.py b/openquake/hazardlib/geo/surface/base.py index b9c3cb53dba2..d8f1b196da5a 100644 --- a/openquake/hazardlib/geo/surface/base.py +++ b/openquake/hazardlib/geo/surface/base.py @@ -67,8 +67,7 @@ def _find_turning_points(mesh, tol=1.0): # Add more points for i in range(1, naz): - dff = azimuths[i] - azim - dff = (dff + 180) % 360 - 180 + dff = _angle_difference(azimuths[i], azim) if dff > tol: idx.append(i) azim = azimuths[i] @@ -79,6 +78,12 @@ def _find_turning_points(mesh, tol=1.0): return numpy.array(idx) +def _angle_difference(a_a, a_b): + """ Computes the absolute difference between angle `a_a` and `a_b` """ + dff = a_a - a_b + return (dff + 540) % 360 - 180 + + def downsample_mesh(mesh, tol=1.0): """ Returns a mesh sampled at a lower resolution - if the difference From d85cd92144510dd9c165bc99c14372b51aee1dd5 Mon Sep 17 00:00:00 2001 From: Michele Simionato Date: Tue, 3 Oct 2023 09:11:47 +0200 Subject: [PATCH 11/13] Regenerated expected files again --- .../expected/hazard_curve-mean-PGA.csv | 4 +- .../expected/hazard_curve-rlz-000-PGA.csv | 4 +- .../expected_output/Mag_Dist-mean-1.csv | 674 ++++----- .../expected_output/TRT_Mag_Dist-mean-1.csv | 1346 ++++++++--------- .../logictree/case_05/expected/curve-mean.csv | 4 +- .../expected/hazard_curve-rlz-000_PGA.csv | 16 +- ..._b1_mfd1_low_dip_dip45-gsimltp_Sad1997.csv | 4 +- ..._b1_mfd1_mid_dip_dip45-gsimltp_Sad1997.csv | 4 +- ..._b1_mfd2_mid_dip_dip30-gsimltp_Sad1997.csv | 4 +- ..._b1_mfd2_mid_dip_dip45-gsimltp_Sad1997.csv | 4 +- ..._b1_mfd2_mid_dip_dip60-gsimltp_Sad1997.csv | 4 +- .../case_30/expected/hazard_curve-PGA.csv | 6 +- .../case_30/expected/hazard_curve-SA(1.0).csv | 6 +- 13 files changed, 1040 insertions(+), 1040 deletions(-) diff --git a/openquake/qa_tests_data/classical/case_32/expected/hazard_curve-mean-PGA.csv b/openquake/qa_tests_data/classical/case_32/expected/hazard_curve-mean-PGA.csv index dd8cc37b2638..253c505c137e 100644 --- a/openquake/qa_tests_data/classical/case_32/expected/hazard_curve-mean-PGA.csv +++ b/openquake/qa_tests_data/classical/case_32/expected/hazard_curve-mean-PGA.csv @@ -1,3 +1,3 @@ -#,,,,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.18.0-gitabf2de85b8', start_date='2023-10-03T06:09:07', checksum=691652566, kind='mean', investigation_time=50.0, imt='PGA'" +#,,,,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.18.0-git65f8644571', start_date='2023-10-03T09:08:22', checksum=691652566, kind='mean', investigation_time=50.0, imt='PGA'" lon,lat,depth,poe-0.0137000,poe-0.0192000,poe-0.0269000,poe-0.0376000,poe-0.0527000,poe-0.0738000,poe-0.1030000,poe-0.1450000,poe-0.2030000,poe-0.2840000,poe-0.3970000,poe-0.5560000,poe-0.7780000,poe-1.0900000 -0.50000,-0.50000,0.00000,9.279054E-02,9.112632E-02,8.615047E-02,7.557166E-02,5.858195E-02,3.820515E-02,1.999372E-02,7.673860E-03,2.085805E-03,3.510714E-04,2.563000E-05,0.000000E+00,0.000000E+00,0.000000E+00 \ No newline at end of file +0.50000,-0.50000,0.00000,9.278482E-02,9.111094E-02,8.612412E-02,7.554287E-02,5.856198E-02,3.819638E-02,1.999140E-02,7.673502E-03,2.085805E-03,3.510714E-04,2.563000E-05,0.000000E+00,0.000000E+00,0.000000E+00 diff --git a/openquake/qa_tests_data/classical/case_35/expected/hazard_curve-rlz-000-PGA.csv b/openquake/qa_tests_data/classical/case_35/expected/hazard_curve-rlz-000-PGA.csv index 5c2217bf5281..fe7a1858c3ee 100644 --- a/openquake/qa_tests_data/classical/case_35/expected/hazard_curve-rlz-000-PGA.csv +++ b/openquake/qa_tests_data/classical/case_35/expected/hazard_curve-rlz-000-PGA.csv @@ -1,3 +1,3 @@ -#,,,,,,,"generated_by='OpenQuake engine 3.18.0-gitabf2de85b8', start_date='2023-10-03T06:09:10', checksum=4110363705, kind='rlz-000', investigation_time=1.0, imt='PGA'" +#,,,,,,,"generated_by='OpenQuake engine 3.18.0-git65f8644571', start_date='2023-10-03T09:08:24', checksum=4110363705, kind='rlz-000', investigation_time=1.0, imt='PGA'" lon,lat,depth,poe-0.0100000,poe-0.1000000,poe-0.2000000,poe-0.3000000,poe-1.0000000 -1.00000,-0.10000,0.00000,9.995103E-04,9.980202E-04,8.422136E-04,4.614592E-04,1.132488E-06 \ No newline at end of file +1.00000,-0.10000,0.00000,9.995103E-04,9.980202E-04,8.422136E-04,4.614592E-04,1.132488E-06 diff --git a/openquake/qa_tests_data/disagg/case_master/expected_output/Mag_Dist-mean-1.csv b/openquake/qa_tests_data/disagg/case_master/expected_output/Mag_Dist-mean-1.csv index 82b289acd43a..6d9a78b7a442 100644 --- a/openquake/qa_tests_data/disagg/case_master/expected_output/Mag_Dist-mean-1.csv +++ b/openquake/qa_tests_data/disagg/case_master/expected_output/Mag_Dist-mean-1.csv @@ -1,338 +1,338 @@ -#,,,,,"generated_by='OpenQuake engine 3.18.0-gitabf2de85b8', start_date='2023-10-03T06:09:12', checksum=3730030670, investigation_time=50.0, mag_bin_edges=[4.0, 4.5, 5.0, 5.5, 6.0, 6.5, 7.0, 7.5], dist_bin_edges=[0.0, 5.0, 10.0, 15.0, 20.0, 25.0, 30.0, 35.0, 40.0, 45.0, 50.0, 55.0, 60.0], lon_bin_edges=[-122.18757421892607, -120.81242578107393], lat_bin_edges=[37.760408, 38.839591999999996], eps_bin_edges=[-3.0, -1.5, 0.0, 1.5, 3.0], tectonic_region_types=['Active Shallow Crust', 'Stable Shallow Crust'], lon=-121.5, lat=38.3" +#,,,,,"generated_by='OpenQuake engine 3.18.0-git65f8644571', start_date='2023-10-03T09:08:31', checksum=3730030670, investigation_time=50.0, mag_bin_edges=[4.0, 4.5, 5.0, 5.5, 6.0, 6.5, 7.0, 7.5], dist_bin_edges=[0.0, 5.0, 10.0, 15.0, 20.0, 25.0, 30.0, 35.0, 40.0, 45.0, 50.0, 55.0, 60.0], lon_bin_edges=[-122.18757421892607, -120.81242578107393], lat_bin_edges=[37.760408, 38.839591999999996], eps_bin_edges=[-3.0, -1.5, 0.0, 1.5, 3.0], tectonic_region_types=['Active Shallow Crust', 'Stable Shallow Crust'], lon=-121.5, lat=38.3" imt,iml,poe,mag,dist,mean -PGA,3.86684E-01,1.00000E-02,4.25000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.25000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.25000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.25000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.25000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.25000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.25000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.25000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.25000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.25000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.25000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.25000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.75000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.75000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.75000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.75000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.75000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.75000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.75000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.75000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.75000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.75000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.75000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,4.75000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.25000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.25000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.25000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.25000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.25000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.25000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.25000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.25000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.25000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.25000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.25000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.25000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.75000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.75000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.75000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.75000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.75000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.75000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.75000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.75000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.75000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.75000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.75000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,5.75000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.25000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.25000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.25000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.25000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.25000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.25000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.25000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.25000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.25000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.25000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.25000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.25000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.75000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.75000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.75000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.75000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.75000E+00,2.25000E+01,6.34739E-03 -PGA,3.86684E-01,1.00000E-02,6.75000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.75000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.75000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.75000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.75000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.75000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,6.75000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,7.25000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,7.25000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,7.25000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,7.25000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,7.25000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,7.25000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,7.25000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,7.25000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,7.25000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,7.25000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,7.25000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,7.25000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.25000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.25000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.25000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.25000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.25000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.25000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.25000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.25000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.25000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.25000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.25000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.25000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.75000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.75000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.75000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.75000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.75000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.75000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.75000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.75000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.75000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.75000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.75000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,4.75000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.25000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.25000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.25000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.25000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.25000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.25000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.25000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.25000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.25000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.25000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.25000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.25000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.75000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.75000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.75000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.75000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.75000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.75000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.75000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.75000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.75000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.75000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.75000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,5.75000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.25000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.25000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.25000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.25000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.25000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.25000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.25000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.25000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.25000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.25000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.25000E+00,5.25000E+01,1.98951E-04 -PGA,2.04282E-01,5.00000E-02,6.25000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.75000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.75000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.75000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.75000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.75000E+00,2.25000E+01,2.80319E-02 -PGA,2.04282E-01,5.00000E-02,6.75000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.75000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.75000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.75000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.75000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.75000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,6.75000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,7.25000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,7.25000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,7.25000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,7.25000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,7.25000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,7.25000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,7.25000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,7.25000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,7.25000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,7.25000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,7.25000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,7.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,4.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,4.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,4.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,4.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,4.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,4.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,4.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,4.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,4.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,4.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,4.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,4.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,4.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,4.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,4.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,4.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,4.75000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,4.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,4.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,4.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,4.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,4.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,4.75000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,4.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,5.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,5.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,5.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,5.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,5.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,5.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,5.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,5.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,5.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,5.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,5.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,5.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,5.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,5.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,5.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,5.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,5.75000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,5.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,5.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,5.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,5.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,5.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,5.75000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,5.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,6.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,6.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,6.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,6.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,6.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,6.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,6.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,6.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,6.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,6.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,6.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,6.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,6.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,6.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,6.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,6.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,6.75000E+00,2.25000E+01,6.40990E-03 -SA(0.25),8.97447E-01,1.00000E-02,6.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,6.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,6.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,6.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,6.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,6.75000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,6.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,7.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,7.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,7.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,7.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,7.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,7.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,7.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,7.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,7.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,7.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,7.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,7.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.75000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.75000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,4.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.75000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,5.75000E+00,5.25000E+01,3.72082E-06 -SA(0.25),4.44253E-01,5.00000E-02,5.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.25000E+00,5.25000E+01,2.72288E-04 -SA(0.25),4.44253E-01,5.00000E-02,6.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.75000E+00,2.25000E+01,2.88694E-02 -SA(0.25),4.44253E-01,5.00000E-02,6.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.75000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,6.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,7.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,7.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,7.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,7.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,7.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,7.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,7.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,7.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,7.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,7.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,7.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,7.25000E+00,5.75000E+01,0.00000E+00 \ No newline at end of file +PGA,3.89790E-01,1.00000E-02,4.25000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.25000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.25000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.25000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.25000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.25000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.25000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.25000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.25000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.25000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.25000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.25000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.75000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.75000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.75000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.75000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.75000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.75000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.75000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.75000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.75000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.75000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.75000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,4.75000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.25000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.25000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.25000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.25000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.25000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.25000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.25000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.25000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.25000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.25000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.25000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.25000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.75000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.75000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.75000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.75000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.75000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.75000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.75000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.75000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.75000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.75000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.75000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,5.75000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.25000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.25000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.25000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.25000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.25000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.25000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.25000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.25000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.25000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.25000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.25000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.25000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.75000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.75000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.75000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.75000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.75000E+00,2.25000E+01,6.34445E-03 +PGA,3.89790E-01,1.00000E-02,6.75000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.75000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.75000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.75000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.75000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.75000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,6.75000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,7.25000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,7.25000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,7.25000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,7.25000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,7.25000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,7.25000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,7.25000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,7.25000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,7.25000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,7.25000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,7.25000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,7.25000E+00,5.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,4.25000E+00,2.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,4.25000E+00,7.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,4.25000E+00,1.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,4.25000E+00,1.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,4.25000E+00,2.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,4.25000E+00,2.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,4.25000E+00,3.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,4.25000E+00,3.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,4.25000E+00,4.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,4.25000E+00,4.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,4.25000E+00,5.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,4.25000E+00,5.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,4.75000E+00,2.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,4.75000E+00,7.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,4.75000E+00,1.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,4.75000E+00,1.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,4.75000E+00,2.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,4.75000E+00,2.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,4.75000E+00,3.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,4.75000E+00,3.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,4.75000E+00,4.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,4.75000E+00,4.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,4.75000E+00,5.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,4.75000E+00,5.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,5.25000E+00,2.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,5.25000E+00,7.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,5.25000E+00,1.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,5.25000E+00,1.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,5.25000E+00,2.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,5.25000E+00,2.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,5.25000E+00,3.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,5.25000E+00,3.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,5.25000E+00,4.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,5.25000E+00,4.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,5.25000E+00,5.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,5.25000E+00,5.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,5.75000E+00,2.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,5.75000E+00,7.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,5.75000E+00,1.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,5.75000E+00,1.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,5.75000E+00,2.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,5.75000E+00,2.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,5.75000E+00,3.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,5.75000E+00,3.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,5.75000E+00,4.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,5.75000E+00,4.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,5.75000E+00,5.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,5.75000E+00,5.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,6.25000E+00,2.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,6.25000E+00,7.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,6.25000E+00,1.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,6.25000E+00,1.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,6.25000E+00,2.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,6.25000E+00,2.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,6.25000E+00,3.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,6.25000E+00,3.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,6.25000E+00,4.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,6.25000E+00,4.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,6.25000E+00,5.25000E+01,1.87206E-04 +PGA,2.06035E-01,5.00000E-02,6.25000E+00,5.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,6.75000E+00,2.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,6.75000E+00,7.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,6.75000E+00,1.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,6.75000E+00,1.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,6.75000E+00,2.25000E+01,2.79981E-02 +PGA,2.06035E-01,5.00000E-02,6.75000E+00,2.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,6.75000E+00,3.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,6.75000E+00,3.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,6.75000E+00,4.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,6.75000E+00,4.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,6.75000E+00,5.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,6.75000E+00,5.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,7.25000E+00,2.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,7.25000E+00,7.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,7.25000E+00,1.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,7.25000E+00,1.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,7.25000E+00,2.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,7.25000E+00,2.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,7.25000E+00,3.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,7.25000E+00,3.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,7.25000E+00,4.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,7.25000E+00,4.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,7.25000E+00,5.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,7.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.75000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.75000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,4.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.75000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.75000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,5.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.75000E+00,2.25000E+01,6.39145E-03 +SA(0.25),9.05292E-01,1.00000E-02,6.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.75000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,6.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,7.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,7.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,7.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,7.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,7.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,7.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,7.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,7.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,7.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,7.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,7.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,7.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.75000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.75000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,4.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.75000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,5.75000E+00,5.25000E+01,2.50236E-06 +SA(0.25),4.47411E-01,5.00000E-02,5.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.25000E+00,5.25000E+01,2.60533E-04 +SA(0.25),4.47411E-01,5.00000E-02,6.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.75000E+00,2.25000E+01,2.88955E-02 +SA(0.25),4.47411E-01,5.00000E-02,6.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.75000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,6.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,7.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,7.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,7.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,7.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,7.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,7.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,7.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,7.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,7.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,7.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,7.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,7.25000E+00,5.75000E+01,0.00000E+00 diff --git a/openquake/qa_tests_data/disagg/case_master/expected_output/TRT_Mag_Dist-mean-1.csv b/openquake/qa_tests_data/disagg/case_master/expected_output/TRT_Mag_Dist-mean-1.csv index bde001b35231..a6bc681e0166 100644 --- a/openquake/qa_tests_data/disagg/case_master/expected_output/TRT_Mag_Dist-mean-1.csv +++ b/openquake/qa_tests_data/disagg/case_master/expected_output/TRT_Mag_Dist-mean-1.csv @@ -1,674 +1,674 @@ -#,,,,,,"generated_by='OpenQuake engine 3.18.0-gitabf2de85b8', start_date='2023-10-03T06:09:12', checksum=3730030670, investigation_time=50.0, mag_bin_edges=[4.0, 4.5, 5.0, 5.5, 6.0, 6.5, 7.0, 7.5], dist_bin_edges=[0.0, 5.0, 10.0, 15.0, 20.0, 25.0, 30.0, 35.0, 40.0, 45.0, 50.0, 55.0, 60.0], lon_bin_edges=[-122.18757421892607, -120.81242578107393], lat_bin_edges=[37.760408, 38.839591999999996], eps_bin_edges=[-3.0, -1.5, 0.0, 1.5, 3.0], tectonic_region_types=['Active Shallow Crust', 'Stable Shallow Crust'], lon=-121.5, lat=38.3" +#,,,,,,"generated_by='OpenQuake engine 3.18.0-git65f8644571', start_date='2023-10-03T09:08:31', checksum=3730030670, investigation_time=50.0, mag_bin_edges=[4.0, 4.5, 5.0, 5.5, 6.0, 6.5, 7.0, 7.5], dist_bin_edges=[0.0, 5.0, 10.0, 15.0, 20.0, 25.0, 30.0, 35.0, 40.0, 45.0, 50.0, 55.0, 60.0], lon_bin_edges=[-122.18757421892607, -120.81242578107393], lat_bin_edges=[37.760408, 38.839591999999996], eps_bin_edges=[-3.0, -1.5, 0.0, 1.5, 3.0], tectonic_region_types=['Active Shallow Crust', 'Stable Shallow Crust'], lon=-121.5, lat=38.3" imt,iml,poe,trt,mag,dist,mean -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,2.25000E+01,6.34739E-03 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,5.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,2.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,7.50000E+00,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,1.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,1.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,2.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,2.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,3.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,3.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,4.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,4.75000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,5.25000E+01,0.00000E+00 -PGA,3.86684E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,5.25000E+01,1.98951E-04 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,2.25000E+01,2.80319E-02 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,5.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,2.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,7.50000E+00,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,1.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,1.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,2.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,2.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,3.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,3.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,4.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,4.75000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,5.25000E+01,0.00000E+00 -PGA,2.04282E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,2.25000E+01,6.40990E-03 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),8.97447E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,5.25000E+01,3.72082E-06 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,5.25000E+01,2.72288E-04 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,2.25000E+01,2.88694E-02 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,5.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,2.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,7.50000E+00,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,1.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,1.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,2.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,2.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,3.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,3.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,4.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,4.75000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,5.25000E+01,0.00000E+00 -SA(0.25),4.44253E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,5.75000E+01,0.00000E+00 \ No newline at end of file +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,2.25000E+01,6.34445E-03 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,5.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,2.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,7.50000E+00,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,1.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,1.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,2.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,2.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,3.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,3.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,4.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,4.75000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,5.25000E+01,0.00000E+00 +PGA,3.89790E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,5.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,2.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,7.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,1.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,1.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,2.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,2.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,3.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,3.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,4.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,4.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,5.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,5.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,2.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,7.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,1.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,1.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,2.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,2.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,3.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,3.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,4.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,4.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,5.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,5.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,2.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,7.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,1.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,1.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,2.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,2.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,3.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,3.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,4.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,4.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,5.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,5.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,2.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,7.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,1.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,1.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,2.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,2.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,3.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,3.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,4.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,4.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,5.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,5.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,2.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,7.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,1.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,1.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,2.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,2.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,3.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,3.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,4.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,4.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,5.25000E+01,1.87206E-04 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,5.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,2.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,7.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,1.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,1.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,2.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,2.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,3.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,3.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,4.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,4.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,5.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,5.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,2.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,7.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,1.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,1.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,2.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,2.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,3.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,3.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,4.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,4.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,5.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,5.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,2.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,7.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,1.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,1.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,2.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,2.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,3.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,3.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,4.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,4.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,5.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,5.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,2.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,7.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,1.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,1.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,2.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,2.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,3.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,3.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,4.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,4.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,5.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,5.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,2.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,7.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,1.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,1.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,2.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,2.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,3.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,3.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,4.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,4.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,5.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,5.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,2.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,7.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,1.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,1.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,2.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,2.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,3.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,3.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,4.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,4.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,5.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,5.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,2.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,7.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,1.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,1.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,2.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,2.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,3.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,3.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,4.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,4.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,5.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,5.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,2.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,7.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,1.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,1.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,2.25000E+01,2.79981E-02 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,2.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,3.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,3.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,4.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,4.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,5.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,5.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,2.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,7.50000E+00,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,1.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,1.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,2.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,2.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,3.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,3.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,4.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,4.75000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,5.25000E+01,0.00000E+00 +PGA,2.06035E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,4.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,5.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,6.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Active Shallow Crust,7.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,4.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,5.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,2.25000E+01,6.39145E-03 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,6.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),9.05292E-01,1.00000E-02,Stable Shallow Crust,7.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,4.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,5.25000E+01,2.50236E-06 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,5.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,5.25000E+01,2.60533E-04 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,6.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Active Shallow Crust,7.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,4.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,5.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.25000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,2.25000E+01,2.88955E-02 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,6.75000E+00,5.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,2.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,7.50000E+00,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,1.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,1.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,2.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,2.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,3.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,3.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,4.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,4.75000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,5.25000E+01,0.00000E+00 +SA(0.25),4.47411E-01,5.00000E-02,Stable Shallow Crust,7.25000E+00,5.75000E+01,0.00000E+00 diff --git a/openquake/qa_tests_data/logictree/case_05/expected/curve-mean.csv b/openquake/qa_tests_data/logictree/case_05/expected/curve-mean.csv index 15c3b0e2535e..73e15f0de5fd 100644 --- a/openquake/qa_tests_data/logictree/case_05/expected/curve-mean.csv +++ b/openquake/qa_tests_data/logictree/case_05/expected/curve-mean.csv @@ -1,3 +1,3 @@ -#,,,,,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.18.0-gitabf2de85b8', start_date='2023-10-03T06:09:41', checksum=3350790890, kind='mean', investigation_time=50.0, imt='PGA'" +#,,,,,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.18.0-git65f8644571', start_date='2023-10-03T09:09:56', checksum=3350790890, kind='mean', investigation_time=50.0, imt='PGA'" lon,lat,depth,poe-0.0050000,poe-0.0070000,poe-0.0098000,poe-0.0137000,poe-0.0192000,poe-0.0269000,poe-0.0376000,poe-0.0527000,poe-0.0738000,poe-0.1030000,poe-0.1450000,poe-0.2030000,poe-0.2840000,poe-0.3970000,poe-0.5560000 -0.50000,-0.50000,0.00000,1.000000E+00,1.000000E+00,1.000000E+00,1.000000E+00,1.000000E+00,1.000000E+00,9.981815E-01,9.803632E-01,8.924285E-01,6.854154E-01,4.137291E-01,2.022109E-01,8.274276E-02,2.918218E-02,8.890476E-03 \ No newline at end of file +0.50000,-0.50000,0.00000,1.000000E+00,1.000000E+00,1.000000E+00,1.000000E+00,1.000000E+00,1.000000E+00,9.981815E-01,9.803634E-01,8.924288E-01,6.854156E-01,4.137291E-01,2.022109E-01,8.274276E-02,2.918218E-02,8.890476E-03 diff --git a/openquake/qa_tests_data/logictree/case_14/expected/hazard_curve-rlz-000_PGA.csv b/openquake/qa_tests_data/logictree/case_14/expected/hazard_curve-rlz-000_PGA.csv index 7b7478830575..7544e40a5aa3 100644 --- a/openquake/qa_tests_data/logictree/case_14/expected/hazard_curve-rlz-000_PGA.csv +++ b/openquake/qa_tests_data/logictree/case_14/expected/hazard_curve-rlz-000_PGA.csv @@ -1,12 +1,12 @@ -#,,,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.18.0-gitabf2de85b8', start_date='2023-10-03T06:09:53', checksum=2270607924, kind='rlz-000', investigation_time=50.0, imt='PGA'" +#,,,,,,,,,,,,,,,"generated_by='OpenQuake engine 3.18.0-git65f8644571', start_date='2023-10-03T09:10:01', checksum=2270607924, kind='rlz-000', investigation_time=50.0, imt='PGA'" lon,lat,depth,poe-0.0050000,poe-0.0070000,poe-0.0098000,poe-0.0137000,poe-0.0192000,poe-0.0269000,poe-0.0376000,poe-0.0527000,poe-0.0738000,poe-0.1030000,poe-0.1450000,poe-0.2030000,poe-0.2840000 -122.50000,38.10000,0.00000,8.689556E-01,8.670120E-01,8.588920E-01,8.344702E-01,7.749009E-01,6.559570E-01,4.717068E-01,2.646108E-01,1.097316E-01,3.264093E-02,6.277740E-03,6.261468E-04,1.728535E-06 --122.39000,38.10000,0.00000,8.691723E-01,8.688579E-01,8.664631E-01,8.569579E-01,8.287676E-01,7.617918E-01,6.323116E-01,4.365762E-01,2.316772E-01,9.032899E-02,2.368939E-02,4.054427E-03,2.943277E-04 +-122.39000,38.10000,0.00000,8.691723E-01,8.688579E-01,8.664631E-01,8.569578E-01,8.287676E-01,7.617918E-01,6.323116E-01,4.365761E-01,2.316772E-01,9.032899E-02,2.368939E-02,4.054427E-03,2.943277E-04 -122.27000,38.10000,0.00000,8.691723E-01,8.691723E-01,8.690265E-01,8.674105E-01,8.602160E-01,8.375472E-01,7.814480E-01,6.651372E-01,4.783524E-01,2.680399E-01,1.066688E-01,2.965015E-02,5.343139E-03 --122.16000,38.10000,0.00000,8.691723E-01,8.691723E-01,8.691723E-01,8.691618E-01,8.685986E-01,8.652041E-01,8.527740E-01,8.177250E-01,7.375817E-01,5.898580E-01,3.779448E-01,1.811086E-01,6.128621E-02 --122.04000,38.10000,0.00000,8.691723E-01,8.691723E-01,8.691723E-01,8.691723E-01,8.691717E-01,8.690977E-01,8.683319E-01,8.646979E-01,8.527929E-01,8.225930E-01,7.554157E-01,6.332374E-01,4.521924E-01 --121.93000,38.10000,0.00000,8.691723E-01,8.691723E-01,8.691723E-01,8.691723E-01,8.691688E-01,8.689800E-01,8.675010E-01,8.612375E-01,8.421493E-01,7.960258E-01,6.979449E-01,5.342536E-01,3.279971E-01 --121.81000,38.10000,0.00000,8.691723E-01,8.691723E-01,8.691723E-01,8.690613E-01,8.676262E-01,8.610718E-01,8.402296E-01,7.869490E-01,6.755706E-01,4.942333E-01,2.766017E-01,1.127756E-01,3.168827E-02 --121.70000,38.10000,0.00000,8.691723E-01,8.691722E-01,8.687493E-01,8.659208E-01,8.549200E-01,8.232388E-01,7.499567E-01,6.090945E-01,4.059917E-01,2.062356E-01,7.325310E-02,1.797497E-02,2.671838E-03 +-122.16000,38.10000,0.00000,8.691723E-01,8.691723E-01,8.691723E-01,8.691618E-01,8.685986E-01,8.652041E-01,8.527740E-01,8.177249E-01,7.375816E-01,5.898580E-01,3.779448E-01,1.811085E-01,6.128621E-02 +-122.04000,38.10000,0.00000,8.691723E-01,8.691723E-01,8.691723E-01,8.691723E-01,8.691717E-01,8.690977E-01,8.683319E-01,8.646979E-01,8.527929E-01,8.225929E-01,7.554157E-01,6.332373E-01,4.521923E-01 +-121.93000,38.10000,0.00000,8.691723E-01,8.691723E-01,8.691723E-01,8.691723E-01,8.691688E-01,8.689800E-01,8.675010E-01,8.612375E-01,8.421493E-01,7.960258E-01,6.979449E-01,5.342536E-01,3.279970E-01 +-121.81000,38.10000,0.00000,8.691723E-01,8.691723E-01,8.691723E-01,8.690613E-01,8.676262E-01,8.610718E-01,8.402296E-01,7.869490E-01,6.755706E-01,4.942332E-01,2.766017E-01,1.127756E-01,3.168827E-02 +-121.70000,38.10000,0.00000,8.691723E-01,8.691722E-01,8.687493E-01,8.659208E-01,8.549200E-01,8.232388E-01,7.499566E-01,6.090945E-01,4.059917E-01,2.062356E-01,7.325310E-02,1.797497E-02,2.671838E-03 -121.59000,38.10000,0.00000,8.691722E-01,8.686710E-01,8.655412E-01,8.538786E-01,8.207480E-01,7.446645E-01,6.032590E-01,4.009196E-01,2.027806E-01,7.498384E-02,1.854897E-02,2.897918E-03,1.690984E-04 --121.47000,38.10000,0.00000,8.687747E-01,8.660743E-01,8.556454E-01,8.259164E-01,7.563236E-01,6.235101E-01,4.300945E-01,2.285957E-01,8.925718E-02,2.491331E-02,4.375756E-03,3.659725E-04,0.000000E+00 \ No newline at end of file +-121.47000,38.10000,0.00000,8.687747E-01,8.660743E-01,8.556454E-01,8.259164E-01,7.563236E-01,6.235101E-01,4.300945E-01,2.285957E-01,8.925718E-02,2.491331E-02,4.375756E-03,3.659725E-04,0.000000E+00 diff --git a/openquake/qa_tests_data/logictree/case_21/expected/hazard_curve-smltp_b1_mfd1_low_dip_dip45-gsimltp_Sad1997.csv b/openquake/qa_tests_data/logictree/case_21/expected/hazard_curve-smltp_b1_mfd1_low_dip_dip45-gsimltp_Sad1997.csv index 0ce024c5e0bf..ff4607385749 100644 --- a/openquake/qa_tests_data/logictree/case_21/expected/hazard_curve-smltp_b1_mfd1_low_dip_dip45-gsimltp_Sad1997.csv +++ b/openquake/qa_tests_data/logictree/case_21/expected/hazard_curve-smltp_b1_mfd1_low_dip_dip45-gsimltp_Sad1997.csv @@ -1,3 +1,3 @@ -#,,,,,,"generated_by='OpenQuake engine 3.10.0-git1c42946541', start_date='2020-09-28T08:06:12', checksum=3804045680, kind='rlz-004', investigation_time=1.0, imt='PGA'" +#,,,,,,"generated_by='OpenQuake engine 3.18.0-git65f8644571', start_date='2023-10-03T09:10:07', checksum=1267858049, kind='rlz-004', investigation_time=1.0, imt='PGA'" lon,lat,depth,poe-0.0100000,poe-0.1000000,poe-0.3000000,poe-1.0000000 --64.91005,0.00000,0.00000,2.416507E-02,1.019853E-02,5.634902E-03,1.433038E-04 +-64.91005,0.00000,0.00000,2.416499E-02,1.019842E-02,5.634844E-03,1.433492E-04 diff --git a/openquake/qa_tests_data/logictree/case_21/expected/hazard_curve-smltp_b1_mfd1_mid_dip_dip45-gsimltp_Sad1997.csv b/openquake/qa_tests_data/logictree/case_21/expected/hazard_curve-smltp_b1_mfd1_mid_dip_dip45-gsimltp_Sad1997.csv index 423a18abee03..9c2f362751b6 100644 --- a/openquake/qa_tests_data/logictree/case_21/expected/hazard_curve-smltp_b1_mfd1_mid_dip_dip45-gsimltp_Sad1997.csv +++ b/openquake/qa_tests_data/logictree/case_21/expected/hazard_curve-smltp_b1_mfd1_mid_dip_dip45-gsimltp_Sad1997.csv @@ -1,3 +1,3 @@ -#,,,,,,"generated_by='OpenQuake engine 3.10.0-git1c42946541', start_date='2020-09-28T08:06:12', checksum=3804045680, kind='rlz-007', investigation_time=1.0, imt='PGA'" +#,,,,,,"generated_by='OpenQuake engine 3.18.0-git65f8644571', start_date='2023-10-03T09:10:07', checksum=1267858049, kind='rlz-007', investigation_time=1.0, imt='PGA'" lon,lat,depth,poe-0.0100000,poe-0.1000000,poe-0.3000000,poe-1.0000000 --64.91005,0.00000,0.00000,2.416507E-02,1.016507E-02,5.133655E-03,9.078329E-05 +-64.91005,0.00000,0.00000,2.416499E-02,1.016494E-02,5.133629E-03,9.077787E-05 diff --git a/openquake/qa_tests_data/logictree/case_21/expected/hazard_curve-smltp_b1_mfd2_mid_dip_dip30-gsimltp_Sad1997.csv b/openquake/qa_tests_data/logictree/case_21/expected/hazard_curve-smltp_b1_mfd2_mid_dip_dip30-gsimltp_Sad1997.csv index 842409490b6c..fca7ed880946 100644 --- a/openquake/qa_tests_data/logictree/case_21/expected/hazard_curve-smltp_b1_mfd2_mid_dip_dip30-gsimltp_Sad1997.csv +++ b/openquake/qa_tests_data/logictree/case_21/expected/hazard_curve-smltp_b1_mfd2_mid_dip_dip30-gsimltp_Sad1997.csv @@ -1,3 +1,3 @@ -#,,,,,,"generated_by='OpenQuake engine 3.18.0-gitabf2de85b8', start_date='2023-10-03T06:09:44', checksum=1267858049, kind='rlz-015', investigation_time=1.0, imt='PGA'" +#,,,,,,"generated_by='OpenQuake engine 3.18.0-git65f8644571', start_date='2023-10-03T09:10:07', checksum=1267858049, kind='rlz-015', investigation_time=1.0, imt='PGA'" lon,lat,depth,poe-0.0100000,poe-0.1000000,poe-0.3000000,poe-1.0000000 --64.91005,0.00000,0.00000,8.558179E-02,7.260758E-02,5.037832E-02,1.048863E-03 +-64.91005,0.00000,0.00000,8.558179E-02,7.260758E-02,5.037850E-02,1.048863E-03 diff --git a/openquake/qa_tests_data/logictree/case_21/expected/hazard_curve-smltp_b1_mfd2_mid_dip_dip45-gsimltp_Sad1997.csv b/openquake/qa_tests_data/logictree/case_21/expected/hazard_curve-smltp_b1_mfd2_mid_dip_dip45-gsimltp_Sad1997.csv index c938f00ba143..eb539ca4dcfc 100644 --- a/openquake/qa_tests_data/logictree/case_21/expected/hazard_curve-smltp_b1_mfd2_mid_dip_dip45-gsimltp_Sad1997.csv +++ b/openquake/qa_tests_data/logictree/case_21/expected/hazard_curve-smltp_b1_mfd2_mid_dip_dip45-gsimltp_Sad1997.csv @@ -1,3 +1,3 @@ -#,,,,,,"generated_by='OpenQuake engine 3.10.0-git1c42946541', start_date='2020-09-28T08:06:12', checksum=3804045680, kind='rlz-016', investigation_time=1.0, imt='PGA'" +#,,,,,,"generated_by='OpenQuake engine 3.18.0-git65f8644571', start_date='2023-10-03T09:10:07', checksum=1267858049, kind='rlz-016', investigation_time=1.0, imt='PGA'" lon,lat,depth,poe-0.0100000,poe-0.1000000,poe-0.3000000,poe-1.0000000 --64.91005,0.00000,0.00000,8.557683E-02,7.259671E-02,5.037837E-02,1.048910E-03 +-64.91005,0.00000,0.00000,8.557681E-02,7.259657E-02,5.037850E-02,1.048863E-03 diff --git a/openquake/qa_tests_data/logictree/case_21/expected/hazard_curve-smltp_b1_mfd2_mid_dip_dip60-gsimltp_Sad1997.csv b/openquake/qa_tests_data/logictree/case_21/expected/hazard_curve-smltp_b1_mfd2_mid_dip_dip60-gsimltp_Sad1997.csv index b38276b3f59a..8e926b90df37 100644 --- a/openquake/qa_tests_data/logictree/case_21/expected/hazard_curve-smltp_b1_mfd2_mid_dip_dip60-gsimltp_Sad1997.csv +++ b/openquake/qa_tests_data/logictree/case_21/expected/hazard_curve-smltp_b1_mfd2_mid_dip_dip60-gsimltp_Sad1997.csv @@ -1,3 +1,3 @@ -#,,,,,,"generated_by='OpenQuake engine 3.10.0-git1c42946541', start_date='2020-09-28T08:06:12', checksum=3804045680, kind='rlz-017', investigation_time=1.0, imt='PGA'" +#,,,,,,"generated_by='OpenQuake engine 3.18.0-git65f8644571', start_date='2023-10-03T09:10:07', checksum=1267858049, kind='rlz-017', investigation_time=1.0, imt='PGA'" lon,lat,depth,poe-0.0100000,poe-0.1000000,poe-0.3000000,poe-1.0000000 --64.91005,0.00000,0.00000,8.557119E-02,7.258536E-02,5.037837E-02,1.048910E-03 +-64.91005,0.00000,0.00000,8.557112E-02,7.258529E-02,5.037850E-02,1.048863E-03 diff --git a/openquake/qa_tests_data/logictree/case_30/expected/hazard_curve-PGA.csv b/openquake/qa_tests_data/logictree/case_30/expected/hazard_curve-PGA.csv index 49dc1633005e..8c01f975f859 100644 --- a/openquake/qa_tests_data/logictree/case_30/expected/hazard_curve-PGA.csv +++ b/openquake/qa_tests_data/logictree/case_30/expected/hazard_curve-PGA.csv @@ -1,7 +1,7 @@ -#,,,,,,,,,,,,"generated_by='OpenQuake engine 3.18.0-gitabf2de85b8', start_date='2023-10-03T06:09:44', checksum=3599347275, kind='mean', investigation_time=1.0, imt='PGA'" +#,,,,,,,,,,,,"generated_by='OpenQuake engine 3.18.0-git65f8644571', start_date='2023-10-03T09:10:08', checksum=3599347275, kind='mean', investigation_time=1.0, imt='PGA'" lon,lat,depth,poe-0.0050000,poe-0.0097294,poe-0.0189324,poe-0.0368403,poe-0.0716871,poe-0.1394951,poe-0.2714418,poe-0.5281952,poe-1.0278085,poe-2.0000000 -180.00000,-27.00000,0.00000,8.928776E-05,3.692508E-05,1.199543E-05,2.965331E-06,5.215406E-07,4.470348E-08,0.000000E+00,0.000000E+00,0.000000E+00,0.000000E+00 -178.00000,-28.00000,0.00000,3.774007E-01,2.691896E-01,1.591816E-01,7.388362E-02,2.553168E-02,6.105610E-03,8.670592E-04,5.771220E-05,1.215935E-06,0.000000E+00 179.00000,-26.00000,0.00000,1.377612E-04,5.324185E-05,1.646578E-05,4.112720E-06,8.493662E-07,1.192093E-07,0.000000E+00,0.000000E+00,0.000000E+00,0.000000E+00 --180.00000,-30.00000,0.00000,2.375930E-01,1.376127E-01,6.336112E-02,2.167965E-02,4.762972E-03,5.829823E-04,3.439814E-05,6.854534E-07,0.000000E+00,0.000000E+00 --180.00000,-28.00000,0.00000,7.442230E-02,3.481160E-02,1.252245E-02,3.278597E-03,5.220506E-04,3.364622E-05,1.966953E-08,0.000000E+00,0.000000E+00,0.000000E+00 +-180.00000,-30.00000,0.00000,2.375930E-01,1.376127E-01,6.336116E-02,2.167972E-02,4.762987E-03,5.829823E-04,3.439814E-05,6.854534E-07,0.000000E+00,0.000000E+00 +-180.00000,-28.00000,0.00000,7.442231E-02,3.481160E-02,1.252245E-02,3.278597E-03,5.220506E-04,3.364622E-05,1.966953E-08,0.000000E+00,0.000000E+00,0.000000E+00 diff --git a/openquake/qa_tests_data/logictree/case_30/expected/hazard_curve-SA(1.0).csv b/openquake/qa_tests_data/logictree/case_30/expected/hazard_curve-SA(1.0).csv index e00466ce6d9d..dfaa0c21a3c9 100644 --- a/openquake/qa_tests_data/logictree/case_30/expected/hazard_curve-SA(1.0).csv +++ b/openquake/qa_tests_data/logictree/case_30/expected/hazard_curve-SA(1.0).csv @@ -1,7 +1,7 @@ -#,,,,,,,,,,,,"generated_by='OpenQuake engine 3.18.0-gitabf2de85b8', start_date='2023-10-03T06:09:44', checksum=3599347275, kind='mean', investigation_time=1.0, imt='SA(1.0)'" +#,,,,,,,,,,,,"generated_by='OpenQuake engine 3.18.0-git65f8644571', start_date='2023-10-03T09:10:08', checksum=3599347275, kind='mean', investigation_time=1.0, imt='SA(1.0)'" lon,lat,depth,poe-0.0050000,poe-0.0097294,poe-0.0189324,poe-0.0368403,poe-0.0716871,poe-0.1394951,poe-0.2714418,poe-0.5281952,poe-1.0278085,poe-2.0000000 -180.00000,-27.00000,0.00000,6.051362E-05,2.177060E-05,6.198883E-06,1.296401E-06,1.639128E-07,0.000000E+00,0.000000E+00,0.000000E+00,0.000000E+00,0.000000E+00 -178.00000,-28.00000,0.00000,3.191686E-01,2.069364E-01,1.105109E-01,4.794268E-02,1.676575E-02,4.560283E-03,8.816063E-04,1.056135E-04,4.965067E-06,0.000000E+00 179.00000,-26.00000,0.00000,9.196997E-05,3.267825E-05,9.328127E-06,2.026558E-06,2.831221E-07,1.490116E-08,0.000000E+00,0.000000E+00,0.000000E+00,0.000000E+00 --180.00000,-30.00000,0.00000,2.056805E-01,1.181720E-01,5.687484E-02,2.186665E-02,6.322822E-03,1.337829E-03,2.015482E-04,1.816151E-05,2.861023E-07,0.000000E+00 --180.00000,-28.00000,0.00000,6.938074E-02,3.519667E-02,1.490191E-02,5.285759E-03,1.531783E-03,3.394109E-04,5.067587E-05,3.504753E-06,0.000000E+00,0.000000E+00 +-180.00000,-30.00000,0.00000,2.056805E-01,1.181720E-01,5.687486E-02,2.186668E-02,6.322822E-03,1.337844E-03,2.015482E-04,1.816151E-05,2.861023E-07,0.000000E+00 +-180.00000,-28.00000,0.00000,6.938075E-02,3.519669E-02,1.490197E-02,5.285773E-03,1.531783E-03,3.394109E-04,5.067587E-05,3.504753E-06,0.000000E+00,0.000000E+00 From e09ca5eb5de8ad9cca44e2b83b3aedd2897bc417 Mon Sep 17 00:00:00 2001 From: Michele Simionato Date: Tue, 3 Oct 2023 09:17:22 +0200 Subject: [PATCH 12/13] Fixed aelo_test --- openquake/engine/tests/aelo_test.py | 10 +++++----- 1 file changed, 5 insertions(+), 5 deletions(-) diff --git a/openquake/engine/tests/aelo_test.py b/openquake/engine/tests/aelo_test.py index 97f55d3bf327..667892b52a4c 100644 --- a/openquake/engine/tests/aelo_test.py +++ b/openquake/engine/tests/aelo_test.py @@ -34,12 +34,12 @@ SITES = ['far -90.071 16.60'.split(), 'close -85.071 10.606'.split()] -EXPECTED = [[0.318181, 0.661788, 0.758431], [0.763345, 1.84953, 1.28969]] -ASCE7 = ['0.78388', '0.50000', '0.50000', '1.84953', '0.95911', '1.50000', - '1.50000', 'Very High', '1.28969', '0.95669', '0.60000', '0.60000', +EXPECTED = [[0.320349, 0.667217, 0.761118], [0.76334, 1.84954, 1.28972]] +ASCE7 = ['0.78388', '0.50000', '0.50000', '1.84954', '0.95911', '1.50000', + '1.50000', 'Very High', '1.28972', '0.95670', '0.60000', '0.60000', 'Very High'] -ASCE41 = [1.5, 1.45971, 1.45971, 0.83824, 0.83824, 1., 0.6, - 1.00811, 0.6 , 0.4, 0.57329, 0.4] +ASCE41 = [1.5, 1.45971, 1.45971, 0.83825, 0.83825, 1., 0.6, + 1.00814, 0.6 , 0.4, 0.57332, 0.4] def test_CCA(): From b26f0585a7cdc2011286bcb99f0a5ced7a4c48b8 Mon Sep 17 00:00:00 2001 From: Michele Simionato Date: Tue, 3 Oct 2023 09:30:32 +0200 Subject: [PATCH 13/13] Fixed hazardlib tests --- openquake/hazardlib/tests/geo/surface/simple_fault_test.py | 2 +- openquake/hazardlib/tests/source/simple_fault_test.py | 2 +- 2 files changed, 2 insertions(+), 2 deletions(-) diff --git a/openquake/hazardlib/tests/geo/surface/simple_fault_test.py b/openquake/hazardlib/tests/geo/surface/simple_fault_test.py index cecd66a01a18..88f8d1148da2 100644 --- a/openquake/hazardlib/tests/geo/surface/simple_fault_test.py +++ b/openquake/hazardlib/tests/geo/surface/simple_fault_test.py @@ -159,7 +159,7 @@ def test_get_strike_2(self): def test_get_strike_along_meridian(self): line = Line([Point(0, 0), Point(1e-5, 1e-3), Point(0, 2e-3)]) surface = SimpleFaultSurface.from_fault_data(line, 1.0, 6.0, 89.9, 0.1) - self.assertAlmostEqual(0, surface.get_strike(), delta=6e-2) + self.assertAlmostEqual(0, surface.get_strike(), delta=7e-2) class SimpleFaultSurfaceGetDipTestCase(utils.SurfaceTestCase): diff --git a/openquake/hazardlib/tests/source/simple_fault_test.py b/openquake/hazardlib/tests/source/simple_fault_test.py index 4d862e1a1bbd..ddd6d1f510ef 100644 --- a/openquake/hazardlib/tests/source/simple_fault_test.py +++ b/openquake/hazardlib/tests/source/simple_fault_test.py @@ -161,7 +161,7 @@ def test_calculate_fault_surface_area(self): computed = source.get_fault_surface_area() # Checked with an approx calculaton by hand expected = 665.66913 - self.assertAlmostEqual(computed, expected, places=2) + self.assertAlmostEqual(computed, expected, places=1) class SimpleFaultParametersChecksTestCase(_BaseFaultSourceTestCase):