repo_name
stringlengths 7
94
| repo_path
stringlengths 4
237
| repo_head_hexsha
stringlengths 40
40
| content
stringlengths 10
680k
| apis
stringlengths 2
680k
|
---|---|---|---|---|
watilde/web-platform-tests | XMLHttpRequest/resources/shift-jis-html.py | 97e16bef6d6599ae805521e2007a9430a12aa144 | def main(request, response):
headers = [("Content-type", "text/html;charset=shift-jis")]
# Shift-JIS bytes for katakana TE SU TO ('test')
content = chr(0x83) + chr(0x65) + chr(0x83) + chr(0x58) + chr(0x83) + chr(0x67);
return headers, content
| [] |
dolfim/django-mail-gmailapi | setup.py | c2f7319329d07d6ecd41e4addc05e47c38fd5e19 | import re
from setuptools import setup, find_packages
import sys
if sys.version_info < (3, 5):
raise 'must use Python version 3.5 or higher'
with open('./gmailapi_backend/__init__.py', 'r') as f:
MATCH_EXPR = "__version__[^'\"]+(['\"])([^'\"]+)"
VERSION = re.search(MATCH_EXPR, f.read()).group(2).strip()
setup(
name='django-gmailapi-backend',
version=VERSION,
packages=find_packages(),
author="Michele Dolfi",
author_email="[email protected]",
license="Apache License 2.0",
entry_points={
'console_scripts': [
'gmail_oauth2 = gmailapi_backend.bin.gmail_oauth2:main',
]
},
install_requires=[
'google-api-python-client~=2.0',
'google-auth>=1.16.0,<3.0.0dev',
],
url="https://github.com/dolfim/django-gmailapi-backend",
long_description_content_type='text/markdown',
long_description=open('README.md').read(),
description='Email backend for Django which sends email via the Gmail API',
classifiers=[
'Intended Audience :: Developers',
'License :: OSI Approved :: Apache Software License',
'Operating System :: MacOS :: MacOS X',
'Operating System :: Microsoft :: Windows',
'Operating System :: POSIX',
'Programming Language :: Python',
'Programming Language :: Python :: 3',
'Programming Language :: Python :: 3.5',
'Programming Language :: Python :: 3.6',
'Programming Language :: Python :: 3.7',
'Programming Language :: Python :: 3.8',
'Framework :: Django',
'Topic :: Communications :: Email',
'Development Status :: 4 - Beta'
],
)
| [((398, 413), 'setuptools.find_packages', 'find_packages', ([], {}), '()\n', (411, 413), False, 'from setuptools import setup, find_packages\n')] |
OpenPeerPower/openpeerpower | openpeerpower/scripts/ensure_config.py | 940a04a88e8f78e2d010dc912ad6905ae363503c | """Script to ensure a configuration file exists."""
import argparse
import os
import openpeerpower.config as config_util
from openpeerpower.core import OpenPeerPower
# mypy: allow-untyped-calls, allow-untyped-defs
def run(args):
"""Handle ensure config commandline script."""
parser = argparse.ArgumentParser(
description=(
"Ensure a Open Peer Power config exists, creates one if necessary."
)
)
parser.add_argument(
"-c",
"--config",
metavar="path_to_config_dir",
default=config_util.get_default_config_dir(),
help="Directory that contains the Open Peer Power configuration",
)
parser.add_argument("--script", choices=["ensure_config"])
args = parser.parse_args()
config_dir = os.path.join(os.getcwd(), args.config)
# Test if configuration directory exists
if not os.path.isdir(config_dir):
print("Creating directory", config_dir)
os.makedirs(config_dir)
opp = OpenPeerPower()
opp.config.config_dir = config_dir
config_path = opp.loop.run_until_complete(async_run(opp))
print("Configuration file:", config_path)
return 0
async def async_run(opp):
"""Make sure config exists."""
path = await config_util.async_ensure_config_exists(opp)
await opp.async_stop(force=True)
return path
| [((297, 406), 'argparse.ArgumentParser', 'argparse.ArgumentParser', ([], {'description': '"""Ensure a Open Peer Power config exists, creates one if necessary."""'}), "(description=\n 'Ensure a Open Peer Power config exists, creates one if necessary.')\n", (320, 406), False, 'import argparse\n'), ((998, 1013), 'openpeerpower.core.OpenPeerPower', 'OpenPeerPower', ([], {}), '()\n', (1011, 1013), False, 'from openpeerpower.core import OpenPeerPower\n'), ((797, 808), 'os.getcwd', 'os.getcwd', ([], {}), '()\n', (806, 808), False, 'import os\n'), ((880, 905), 'os.path.isdir', 'os.path.isdir', (['config_dir'], {}), '(config_dir)\n', (893, 905), False, 'import os\n'), ((963, 986), 'os.makedirs', 'os.makedirs', (['config_dir'], {}), '(config_dir)\n', (974, 986), False, 'import os\n'), ((1254, 1297), 'openpeerpower.config.async_ensure_config_exists', 'config_util.async_ensure_config_exists', (['opp'], {}), '(opp)\n', (1292, 1297), True, 'import openpeerpower.config as config_util\n'), ((553, 589), 'openpeerpower.config.get_default_config_dir', 'config_util.get_default_config_dir', ([], {}), '()\n', (587, 589), True, 'import openpeerpower.config as config_util\n')] |
uninhm/kyopro | atcoder/abc132A_fifty_fifty.py | bf6ed9cbf6a5e46cde0291f7aa9d91a8ddf1f5a3 | # Vicfred
# https://atcoder.jp/contests/abc132/tasks/abc132_a
# implementation
S = list(input())
if len(set(S)) == 2:
if S.count(S[0]) == 2:
print("Yes")
quit()
print("No")
| [] |
nrohan09-cloud/dabl | dabl/plot/tests/test_supervised.py | ebc4686c7b16c011bf5266cb6335221309aacb80 | import pytest
import numpy as np
import pandas as pd
import matplotlib.pyplot as plt
import itertools
from sklearn.datasets import (make_regression, make_blobs, load_digits,
fetch_openml, load_diabetes)
from sklearn.preprocessing import KBinsDiscretizer
from dabl.preprocessing import clean, detect_types, guess_ordinal
from dabl.plot.supervised import (
plot, plot_classification_categorical,
plot_classification_continuous, plot_regression_categorical,
plot_regression_continuous)
from dabl.utils import data_df_from_bunch
from dabl import set_config
# FIXME: check that target is not y but a column name
@pytest.mark.filterwarnings('ignore:the matrix subclass')
@pytest.mark.parametrize("continuous_features, categorical_features, task",
itertools.product([0, 1, 3, 100], [0, 1, 3, 100],
['classification', 'regression']))
def test_plots_smoke(continuous_features, categorical_features, task):
# simple smoke test
# should be parametrized
n_samples = 100
X_cont, y_cont = make_regression(
n_samples=n_samples, n_features=continuous_features,
n_informative=min(continuous_features, 2))
X_cat, y_cat = make_regression(
n_samples=n_samples, n_features=categorical_features,
n_informative=min(categorical_features, 2))
if X_cat.shape[1] > 0:
X_cat = KBinsDiscretizer(encode='ordinal').fit_transform(X_cat)
cont_columns = ["asdf_%d_cont" % i for i in range(continuous_features)]
df_cont = pd.DataFrame(X_cont, columns=cont_columns)
if categorical_features > 0:
cat_columns = ["asdf_%d_cat" % i for i in range(categorical_features)]
df_cat = pd.DataFrame(X_cat, columns=cat_columns).astype('int')
df_cat = df_cat.astype("category")
X_df = pd.concat([df_cont, df_cat], axis=1)
else:
X_df = df_cont
assert(X_df.shape[1] == continuous_features + categorical_features)
X_clean = clean(X_df.copy())
y = y_cont + y_cat
if X_df.shape[1] == 0:
y = np.random.uniform(size=n_samples)
if task == "classification":
y = np.digitize(y, np.percentile(y, [5, 10, 60, 85]))
X_clean['target'] = y
if task == "classification":
X_clean['target'] = X_clean['target'].astype('category')
types = detect_types(X_clean)
column_types = types.T.idxmax()
assert np.all(column_types[:continuous_features] == 'continuous')
assert np.all(column_types[continuous_features:-1] == 'categorical')
if task == "classification":
assert column_types[-1] == 'categorical'
else:
assert column_types[-1] == 'continuous'
plot(X_clean, target_col='target')
plt.close("all")
@pytest.mark.parametrize("add, feature_type, target_type",
itertools.product([0, .1],
['continuous', 'categorical'],
['continuous', 'categorical']))
def test_type_hints(add, feature_type, target_type):
X = pd.DataFrame(np.random.randint(4, size=100)) + add
X['target'] = np.random.uniform(size=100)
plot(X, type_hints={0: feature_type,
'target': target_type},
target_col='target')
# get title of figure
text = plt.gcf()._suptitle.get_text()
assert feature_type.capitalize() in text
ax = plt.gca()
# one of the labels is 'target' iif regression
labels = ax.get_ylabel() + ax.get_xlabel()
assert ('target' in labels) == (target_type == 'continuous')
plt.close("all")
def test_float_classification_target():
# check we can plot even if we do classification with a float target
X, y = make_blobs()
data = pd.DataFrame(X)
data['target'] = y.astype(np.float)
types = detect_types(data)
assert types.categorical['target']
plot(data, target_col='target')
# same with "actual float" - we need to specify classification for that :-/
data['target'] = y.astype(np.float) + .2
plot(data, target_col='target', type_hints={'target': 'categorical'})
plt.close("all")
@pytest.mark.filterwarnings('ignore:Discarding near-constant')
def test_plot_classification_n_classes():
X, y = make_blobs()
X = pd.DataFrame(X)
X['target'] = 0
with pytest.raises(ValueError, match="Less than two classes"):
plot_classification_categorical(X, 'target')
with pytest.raises(ValueError, match="Less than two classes"):
plot_classification_continuous(X, 'target')
def test_plot_wrong_target_type():
X, y = make_blobs()
X = pd.DataFrame(X)
X['target'] = y
with pytest.raises(ValueError, match="need continuous"):
plot_regression_categorical(X, 'target')
with pytest.raises(ValueError, match="need continuous"):
plot_regression_continuous(X, 'target')
X['target'] = X[0]
with pytest.raises(ValueError, match="need categorical"):
plot_classification_categorical(X, 'target')
with pytest.raises(ValueError, match="need categorical"):
plot_classification_continuous(X, 'target')
def test_plot_target_low_card_int():
data = load_digits()
df = data_df_from_bunch(data)
plot(df[::10], target_col='target')
def test_plot_X_y():
X, y = make_blobs()
X = pd.DataFrame(X)
plot(X, y)
def test_plot_regression_numpy():
X, y = make_regression()
plot(X, y)
def test_plot_lda_binary():
X, y = make_blobs(centers=2)
X = pd.DataFrame(X)
plot(X, y, univariate_plot='kde')
def test_plot_int_column_name():
X, y = make_blobs()
X = pd.DataFrame(X)
X[3] = y
plot(X, target_col=3)
def test_negative_ordinal():
# check that a low card int with negative values is plotted correctly
data = pd.DataFrame([np.random.randint(0, 10, size=1000) - 5,
np.random.randint(0, 2, size=1000)]).T
# ensure first column is low_card_int
assert (detect_types(data).T.idxmax()
== ['low_card_int', 'categorical']).all()
assert guess_ordinal(data[0])
# smoke test
plot(data, target_col=1)
def test_large_ordinal():
# check that large integers don't bring us down (bincount memory error)
# here some random phone numbers
assert not guess_ordinal(pd.Series([6786930208, 2142878625, 9106275431]))
def test_plot_classification_continuous():
data = fetch_openml('MiceProtein')
df = data_df_from_bunch(data)
# only univariate plots
figures = plot_classification_continuous(df, target_col='target',
plot_pairwise=False)
assert len(figures) == 1
# top 10 axes
assert len(figures[0].get_axes()) == 10
# six is the minimum number of features for histograms
# (last column is target)
figures = plot_classification_continuous(df.iloc[:, -7:],
target_col='target',
plot_pairwise=False)
assert len(figures) == 1
assert len(figures[0].get_axes()) == 6
# for 5 features, do full pairplot
figures = plot_classification_continuous(df.iloc[:, -6:],
target_col='target',
plot_pairwise=False)
assert len(figures) == 1
# diagonal has twin axes
assert len(figures[0].get_axes()) == 5 * 5 + 5
# also do pairwise plots
figures = plot_classification_continuous(df, target_col='target',
random_state=42)
# univariate, pairwise, pca, lda
assert len(figures) == 4
# univariate
axes = figures[0].get_axes()
assert len(axes) == 10
# known result
assert axes[0].get_xlabel() == "SOD1_N"
# bar plot never has ylabel
assert axes[0].get_ylabel() == ""
# pairwise
axes = figures[1].get_axes()
assert len(axes) == 4
# known result
assert axes[0].get_xlabel() == "SOD1_N"
assert axes[0].get_ylabel() == 'S6_N'
# PCA
axes = figures[2].get_axes()
assert len(axes) == 4
# known result
assert axes[0].get_xlabel() == "PCA 1"
assert axes[0].get_ylabel() == 'PCA 5'
# LDA
axes = figures[3].get_axes()
assert len(axes) == 4
# known result
assert axes[0].get_xlabel() == "LDA 0"
assert axes[0].get_ylabel() == 'LDA 1'
def test_plot_string_target():
X, y = make_blobs(n_samples=30)
data = pd.DataFrame(X)
y = pd.Series(y)
y[y == 0] = 'a'
y[y == 1] = 'b'
y[y == 2] = 'c'
data['target'] = y
plot(data, target_col='target')
def test_na_vals_reg_plot_raise_warning():
X, y = load_diabetes(return_X_y=True)
X = pd.DataFrame(X)
y[::50] = np.NaN
X['target_col'] = y
with pytest.warns(UserWarning, match="Missing values in target_col have "
"been removed for regression"):
plot(X, 'target_col')
with pytest.warns(UserWarning, match="Missing values in target_col have "
"been removed for regression"):
plot_regression_continuous(X, 'target_col')
with pytest.warns(UserWarning, match="Missing values in target_col have "
"been removed for regression"):
plot_regression_categorical(X, 'target_col')
def test_plot_regression_continuous_with_target_outliers():
df = pd.DataFrame(
data={
"feature": np.random.randint(low=1, high=100, size=200),
# target values are bound between 50 and 100
"target": np.random.randint(low=50, high=100, size=200)
}
)
# append single outlier record with target value 0
df = df.append({"feature": 50, "target": 0}, ignore_index=True)
with pytest.warns(
UserWarning,
match="Dropped 1 outliers in column target."
):
plot_regression_continuous(df, 'target')
def test_plot_regression_categorical_missing_value():
df = pd.DataFrame({'y': np.random.normal(size=300)})
df.loc[100:200, 'y'] += 1
df.loc[200:300, 'y'] += 2
df['x'] = 'a'
df.loc[100:200, 'x'] = 'b'
df.loc[200:300, 'x'] = np.NaN
res = plot(df, target_col='y')
assert len(res[1][0, 0].get_yticklabels()) == 3
assert res[1][0, 0].get_yticklabels()[2].get_text() == 'dabl_mi...'
def test_label_truncation():
a = ('a_really_long_name_that_would_mess_up_the_layout_a_lot'
'_by_just_being_very_long')
b = ('the_target_that_has_an_equally_long_name_which_would_'
'mess_up_everything_as_well_but_in_different_places')
df = pd.DataFrame({a: np.random.uniform(0, 1, 1000)})
df[b] = df[a] + np.random.uniform(0, 0.1, 1000)
res = plot_regression_continuous(df, target_col=b)
assert res[0, 0].get_ylabel() == 'the_target_that_h...'
assert res[0, 0].get_xlabel() == 'a_really_long_nam...'
set_config(truncate_labels=False)
res = plot_regression_continuous(df, target_col=b)
assert res[0, 0].get_ylabel() == b
assert res[0, 0].get_xlabel() == a
set_config(truncate_labels=True)
| [((655, 711), 'pytest.mark.filterwarnings', 'pytest.mark.filterwarnings', (['"""ignore:the matrix subclass"""'], {}), "('ignore:the matrix subclass')\n", (681, 711), False, 'import pytest\n'), ((4153, 4214), 'pytest.mark.filterwarnings', 'pytest.mark.filterwarnings', (['"""ignore:Discarding near-constant"""'], {}), "('ignore:Discarding near-constant')\n", (4179, 4214), False, 'import pytest\n'), ((1574, 1616), 'pandas.DataFrame', 'pd.DataFrame', (['X_cont'], {'columns': 'cont_columns'}), '(X_cont, columns=cont_columns)\n', (1586, 1616), True, 'import pandas as pd\n'), ((2361, 2382), 'dabl.preprocessing.detect_types', 'detect_types', (['X_clean'], {}), '(X_clean)\n', (2373, 2382), False, 'from dabl.preprocessing import clean, detect_types, guess_ordinal\n'), ((2430, 2488), 'numpy.all', 'np.all', (["(column_types[:continuous_features] == 'continuous')"], {}), "(column_types[:continuous_features] == 'continuous')\n", (2436, 2488), True, 'import numpy as np\n'), ((2500, 2561), 'numpy.all', 'np.all', (["(column_types[continuous_features:-1] == 'categorical')"], {}), "(column_types[continuous_features:-1] == 'categorical')\n", (2506, 2561), True, 'import numpy as np\n'), ((2707, 2741), 'dabl.plot.supervised.plot', 'plot', (['X_clean'], {'target_col': '"""target"""'}), "(X_clean, target_col='target')\n", (2711, 2741), False, 'from dabl.plot.supervised import plot, plot_classification_categorical, plot_classification_continuous, plot_regression_categorical, plot_regression_continuous\n'), ((2746, 2762), 'matplotlib.pyplot.close', 'plt.close', (['"""all"""'], {}), "('all')\n", (2755, 2762), True, 'import matplotlib.pyplot as plt\n'), ((813, 900), 'itertools.product', 'itertools.product', (['[0, 1, 3, 100]', '[0, 1, 3, 100]', "['classification', 'regression']"], {}), "([0, 1, 3, 100], [0, 1, 3, 100], ['classification',\n 'regression'])\n", (830, 900), False, 'import itertools\n'), ((3155, 3182), 'numpy.random.uniform', 'np.random.uniform', ([], {'size': '(100)'}), '(size=100)\n', (3172, 3182), True, 'import numpy as np\n'), ((3187, 3275), 'dabl.plot.supervised.plot', 'plot', (['X'], {'type_hints': "{(0): feature_type, 'target': target_type}", 'target_col': '"""target"""'}), "(X, type_hints={(0): feature_type, 'target': target_type}, target_col=\n 'target')\n", (3191, 3275), False, 'from dabl.plot.supervised import plot, plot_classification_categorical, plot_classification_continuous, plot_regression_categorical, plot_regression_continuous\n'), ((3424, 3433), 'matplotlib.pyplot.gca', 'plt.gca', ([], {}), '()\n', (3431, 3433), True, 'import matplotlib.pyplot as plt\n'), ((3601, 3617), 'matplotlib.pyplot.close', 'plt.close', (['"""all"""'], {}), "('all')\n", (3610, 3617), True, 'import matplotlib.pyplot as plt\n'), ((2849, 2942), 'itertools.product', 'itertools.product', (['[0, 0.1]', "['continuous', 'categorical']", "['continuous', 'categorical']"], {}), "([0, 0.1], ['continuous', 'categorical'], ['continuous',\n 'categorical'])\n", (2866, 2942), False, 'import itertools\n'), ((3744, 3756), 'sklearn.datasets.make_blobs', 'make_blobs', ([], {}), '()\n', (3754, 3756), False, 'from sklearn.datasets import make_regression, make_blobs, load_digits, fetch_openml, load_diabetes\n'), ((3768, 3783), 'pandas.DataFrame', 'pd.DataFrame', (['X'], {}), '(X)\n', (3780, 3783), True, 'import pandas as pd\n'), ((3836, 3854), 'dabl.preprocessing.detect_types', 'detect_types', (['data'], {}), '(data)\n', (3848, 3854), False, 'from dabl.preprocessing import clean, detect_types, guess_ordinal\n'), ((3898, 3929), 'dabl.plot.supervised.plot', 'plot', (['data'], {'target_col': '"""target"""'}), "(data, target_col='target')\n", (3902, 3929), False, 'from dabl.plot.supervised import plot, plot_classification_categorical, plot_classification_continuous, plot_regression_categorical, plot_regression_continuous\n'), ((4059, 4128), 'dabl.plot.supervised.plot', 'plot', (['data'], {'target_col': '"""target"""', 'type_hints': "{'target': 'categorical'}"}), "(data, target_col='target', type_hints={'target': 'categorical'})\n", (4063, 4128), False, 'from dabl.plot.supervised import plot, plot_classification_categorical, plot_classification_continuous, plot_regression_categorical, plot_regression_continuous\n'), ((4133, 4149), 'matplotlib.pyplot.close', 'plt.close', (['"""all"""'], {}), "('all')\n", (4142, 4149), True, 'import matplotlib.pyplot as plt\n'), ((4268, 4280), 'sklearn.datasets.make_blobs', 'make_blobs', ([], {}), '()\n', (4278, 4280), False, 'from sklearn.datasets import make_regression, make_blobs, load_digits, fetch_openml, load_diabetes\n'), ((4289, 4304), 'pandas.DataFrame', 'pd.DataFrame', (['X'], {}), '(X)\n', (4301, 4304), True, 'import pandas as pd\n'), ((4612, 4624), 'sklearn.datasets.make_blobs', 'make_blobs', ([], {}), '()\n', (4622, 4624), False, 'from sklearn.datasets import make_regression, make_blobs, load_digits, fetch_openml, load_diabetes\n'), ((4633, 4648), 'pandas.DataFrame', 'pd.DataFrame', (['X'], {}), '(X)\n', (4645, 4648), True, 'import pandas as pd\n'), ((5191, 5204), 'sklearn.datasets.load_digits', 'load_digits', ([], {}), '()\n', (5202, 5204), False, 'from sklearn.datasets import make_regression, make_blobs, load_digits, fetch_openml, load_diabetes\n'), ((5214, 5238), 'dabl.utils.data_df_from_bunch', 'data_df_from_bunch', (['data'], {}), '(data)\n', (5232, 5238), False, 'from dabl.utils import data_df_from_bunch\n'), ((5243, 5278), 'dabl.plot.supervised.plot', 'plot', (['df[::10]'], {'target_col': '"""target"""'}), "(df[::10], target_col='target')\n", (5247, 5278), False, 'from dabl.plot.supervised import plot, plot_classification_categorical, plot_classification_continuous, plot_regression_categorical, plot_regression_continuous\n'), ((5313, 5325), 'sklearn.datasets.make_blobs', 'make_blobs', ([], {}), '()\n', (5323, 5325), False, 'from sklearn.datasets import make_regression, make_blobs, load_digits, fetch_openml, load_diabetes\n'), ((5334, 5349), 'pandas.DataFrame', 'pd.DataFrame', (['X'], {}), '(X)\n', (5346, 5349), True, 'import pandas as pd\n'), ((5354, 5364), 'dabl.plot.supervised.plot', 'plot', (['X', 'y'], {}), '(X, y)\n', (5358, 5364), False, 'from dabl.plot.supervised import plot, plot_classification_categorical, plot_classification_continuous, plot_regression_categorical, plot_regression_continuous\n'), ((5412, 5429), 'sklearn.datasets.make_regression', 'make_regression', ([], {}), '()\n', (5427, 5429), False, 'from sklearn.datasets import make_regression, make_blobs, load_digits, fetch_openml, load_diabetes\n'), ((5434, 5444), 'dabl.plot.supervised.plot', 'plot', (['X', 'y'], {}), '(X, y)\n', (5438, 5444), False, 'from dabl.plot.supervised import plot, plot_classification_categorical, plot_classification_continuous, plot_regression_categorical, plot_regression_continuous\n'), ((5486, 5507), 'sklearn.datasets.make_blobs', 'make_blobs', ([], {'centers': '(2)'}), '(centers=2)\n', (5496, 5507), False, 'from sklearn.datasets import make_regression, make_blobs, load_digits, fetch_openml, load_diabetes\n'), ((5516, 5531), 'pandas.DataFrame', 'pd.DataFrame', (['X'], {}), '(X)\n', (5528, 5531), True, 'import pandas as pd\n'), ((5536, 5569), 'dabl.plot.supervised.plot', 'plot', (['X', 'y'], {'univariate_plot': '"""kde"""'}), "(X, y, univariate_plot='kde')\n", (5540, 5569), False, 'from dabl.plot.supervised import plot, plot_classification_categorical, plot_classification_continuous, plot_regression_categorical, plot_regression_continuous\n'), ((5616, 5628), 'sklearn.datasets.make_blobs', 'make_blobs', ([], {}), '()\n', (5626, 5628), False, 'from sklearn.datasets import make_regression, make_blobs, load_digits, fetch_openml, load_diabetes\n'), ((5637, 5652), 'pandas.DataFrame', 'pd.DataFrame', (['X'], {}), '(X)\n', (5649, 5652), True, 'import pandas as pd\n'), ((5670, 5691), 'dabl.plot.supervised.plot', 'plot', (['X'], {'target_col': '(3)'}), '(X, target_col=3)\n', (5674, 5691), False, 'from dabl.plot.supervised import plot, plot_classification_categorical, plot_classification_continuous, plot_regression_categorical, plot_regression_continuous\n'), ((6076, 6098), 'dabl.preprocessing.guess_ordinal', 'guess_ordinal', (['data[0]'], {}), '(data[0])\n', (6089, 6098), False, 'from dabl.preprocessing import clean, detect_types, guess_ordinal\n'), ((6120, 6144), 'dabl.plot.supervised.plot', 'plot', (['data'], {'target_col': '(1)'}), '(data, target_col=1)\n', (6124, 6144), False, 'from dabl.plot.supervised import plot, plot_classification_categorical, plot_classification_continuous, plot_regression_categorical, plot_regression_continuous\n'), ((6420, 6447), 'sklearn.datasets.fetch_openml', 'fetch_openml', (['"""MiceProtein"""'], {}), "('MiceProtein')\n", (6432, 6447), False, 'from sklearn.datasets import make_regression, make_blobs, load_digits, fetch_openml, load_diabetes\n'), ((6457, 6481), 'dabl.utils.data_df_from_bunch', 'data_df_from_bunch', (['data'], {}), '(data)\n', (6475, 6481), False, 'from dabl.utils import data_df_from_bunch\n'), ((6524, 6600), 'dabl.plot.supervised.plot_classification_continuous', 'plot_classification_continuous', (['df'], {'target_col': '"""target"""', 'plot_pairwise': '(False)'}), "(df, target_col='target', plot_pairwise=False)\n", (6554, 6600), False, 'from dabl.plot.supervised import plot, plot_classification_categorical, plot_classification_continuous, plot_regression_categorical, plot_regression_continuous\n'), ((6840, 6933), 'dabl.plot.supervised.plot_classification_continuous', 'plot_classification_continuous', (['df.iloc[:, -7:]'], {'target_col': '"""target"""', 'plot_pairwise': '(False)'}), "(df.iloc[:, -7:], target_col='target',\n plot_pairwise=False)\n", (6870, 6933), False, 'from dabl.plot.supervised import plot, plot_classification_categorical, plot_classification_continuous, plot_regression_categorical, plot_regression_continuous\n'), ((7146, 7239), 'dabl.plot.supervised.plot_classification_continuous', 'plot_classification_continuous', (['df.iloc[:, -6:]'], {'target_col': '"""target"""', 'plot_pairwise': '(False)'}), "(df.iloc[:, -6:], target_col='target',\n plot_pairwise=False)\n", (7176, 7239), False, 'from dabl.plot.supervised import plot, plot_classification_categorical, plot_classification_continuous, plot_regression_categorical, plot_regression_continuous\n'), ((7479, 7551), 'dabl.plot.supervised.plot_classification_continuous', 'plot_classification_continuous', (['df'], {'target_col': '"""target"""', 'random_state': '(42)'}), "(df, target_col='target', random_state=42)\n", (7509, 7551), False, 'from dabl.plot.supervised import plot, plot_classification_categorical, plot_classification_continuous, plot_regression_categorical, plot_regression_continuous\n'), ((8446, 8470), 'sklearn.datasets.make_blobs', 'make_blobs', ([], {'n_samples': '(30)'}), '(n_samples=30)\n', (8456, 8470), False, 'from sklearn.datasets import make_regression, make_blobs, load_digits, fetch_openml, load_diabetes\n'), ((8482, 8497), 'pandas.DataFrame', 'pd.DataFrame', (['X'], {}), '(X)\n', (8494, 8497), True, 'import pandas as pd\n'), ((8506, 8518), 'pandas.Series', 'pd.Series', (['y'], {}), '(y)\n', (8515, 8518), True, 'import pandas as pd\n'), ((8606, 8637), 'dabl.plot.supervised.plot', 'plot', (['data'], {'target_col': '"""target"""'}), "(data, target_col='target')\n", (8610, 8637), False, 'from dabl.plot.supervised import plot, plot_classification_categorical, plot_classification_continuous, plot_regression_categorical, plot_regression_continuous\n'), ((8694, 8724), 'sklearn.datasets.load_diabetes', 'load_diabetes', ([], {'return_X_y': '(True)'}), '(return_X_y=True)\n', (8707, 8724), False, 'from sklearn.datasets import make_regression, make_blobs, load_digits, fetch_openml, load_diabetes\n'), ((8733, 8748), 'pandas.DataFrame', 'pd.DataFrame', (['X'], {}), '(X)\n', (8745, 8748), True, 'import pandas as pd\n'), ((10239, 10263), 'dabl.plot.supervised.plot', 'plot', (['df'], {'target_col': '"""y"""'}), "(df, target_col='y')\n", (10243, 10263), False, 'from dabl.plot.supervised import plot, plot_classification_categorical, plot_classification_continuous, plot_regression_categorical, plot_regression_continuous\n'), ((10770, 10814), 'dabl.plot.supervised.plot_regression_continuous', 'plot_regression_continuous', (['df'], {'target_col': 'b'}), '(df, target_col=b)\n', (10796, 10814), False, 'from dabl.plot.supervised import plot, plot_classification_categorical, plot_classification_continuous, plot_regression_categorical, plot_regression_continuous\n'), ((10941, 10974), 'dabl.set_config', 'set_config', ([], {'truncate_labels': '(False)'}), '(truncate_labels=False)\n', (10951, 10974), False, 'from dabl import set_config\n'), ((10985, 11029), 'dabl.plot.supervised.plot_regression_continuous', 'plot_regression_continuous', (['df'], {'target_col': 'b'}), '(df, target_col=b)\n', (11011, 11029), False, 'from dabl.plot.supervised import plot, plot_classification_categorical, plot_classification_continuous, plot_regression_categorical, plot_regression_continuous\n'), ((11113, 11145), 'dabl.set_config', 'set_config', ([], {'truncate_labels': '(True)'}), '(truncate_labels=True)\n', (11123, 11145), False, 'from dabl import set_config\n'), ((1859, 1895), 'pandas.concat', 'pd.concat', (['[df_cont, df_cat]'], {'axis': '(1)'}), '([df_cont, df_cat], axis=1)\n', (1868, 1895), True, 'import pandas as pd\n'), ((2096, 2129), 'numpy.random.uniform', 'np.random.uniform', ([], {'size': 'n_samples'}), '(size=n_samples)\n', (2113, 2129), True, 'import numpy as np\n'), ((4334, 4390), 'pytest.raises', 'pytest.raises', (['ValueError'], {'match': '"""Less than two classes"""'}), "(ValueError, match='Less than two classes')\n", (4347, 4390), False, 'import pytest\n'), ((4400, 4444), 'dabl.plot.supervised.plot_classification_categorical', 'plot_classification_categorical', (['X', '"""target"""'], {}), "(X, 'target')\n", (4431, 4444), False, 'from dabl.plot.supervised import plot, plot_classification_categorical, plot_classification_continuous, plot_regression_categorical, plot_regression_continuous\n'), ((4454, 4510), 'pytest.raises', 'pytest.raises', (['ValueError'], {'match': '"""Less than two classes"""'}), "(ValueError, match='Less than two classes')\n", (4467, 4510), False, 'import pytest\n'), ((4520, 4563), 'dabl.plot.supervised.plot_classification_continuous', 'plot_classification_continuous', (['X', '"""target"""'], {}), "(X, 'target')\n", (4550, 4563), False, 'from dabl.plot.supervised import plot, plot_classification_categorical, plot_classification_continuous, plot_regression_categorical, plot_regression_continuous\n'), ((4678, 4728), 'pytest.raises', 'pytest.raises', (['ValueError'], {'match': '"""need continuous"""'}), "(ValueError, match='need continuous')\n", (4691, 4728), False, 'import pytest\n'), ((4738, 4778), 'dabl.plot.supervised.plot_regression_categorical', 'plot_regression_categorical', (['X', '"""target"""'], {}), "(X, 'target')\n", (4765, 4778), False, 'from dabl.plot.supervised import plot, plot_classification_categorical, plot_classification_continuous, plot_regression_categorical, plot_regression_continuous\n'), ((4788, 4838), 'pytest.raises', 'pytest.raises', (['ValueError'], {'match': '"""need continuous"""'}), "(ValueError, match='need continuous')\n", (4801, 4838), False, 'import pytest\n'), ((4848, 4887), 'dabl.plot.supervised.plot_regression_continuous', 'plot_regression_continuous', (['X', '"""target"""'], {}), "(X, 'target')\n", (4874, 4887), False, 'from dabl.plot.supervised import plot, plot_classification_categorical, plot_classification_continuous, plot_regression_categorical, plot_regression_continuous\n'), ((4921, 4972), 'pytest.raises', 'pytest.raises', (['ValueError'], {'match': '"""need categorical"""'}), "(ValueError, match='need categorical')\n", (4934, 4972), False, 'import pytest\n'), ((4982, 5026), 'dabl.plot.supervised.plot_classification_categorical', 'plot_classification_categorical', (['X', '"""target"""'], {}), "(X, 'target')\n", (5013, 5026), False, 'from dabl.plot.supervised import plot, plot_classification_categorical, plot_classification_continuous, plot_regression_categorical, plot_regression_continuous\n'), ((5036, 5087), 'pytest.raises', 'pytest.raises', (['ValueError'], {'match': '"""need categorical"""'}), "(ValueError, match='need categorical')\n", (5049, 5087), False, 'import pytest\n'), ((5097, 5140), 'dabl.plot.supervised.plot_classification_continuous', 'plot_classification_continuous', (['X', '"""target"""'], {}), "(X, 'target')\n", (5127, 5140), False, 'from dabl.plot.supervised import plot, plot_classification_categorical, plot_classification_continuous, plot_regression_categorical, plot_regression_continuous\n'), ((8803, 8904), 'pytest.warns', 'pytest.warns', (['UserWarning'], {'match': '"""Missing values in target_col have been removed for regression"""'}), "(UserWarning, match=\n 'Missing values in target_col have been removed for regression')\n", (8815, 8904), False, 'import pytest\n'), ((8953, 8974), 'dabl.plot.supervised.plot', 'plot', (['X', '"""target_col"""'], {}), "(X, 'target_col')\n", (8957, 8974), False, 'from dabl.plot.supervised import plot, plot_classification_categorical, plot_classification_continuous, plot_regression_categorical, plot_regression_continuous\n'), ((8984, 9085), 'pytest.warns', 'pytest.warns', (['UserWarning'], {'match': '"""Missing values in target_col have been removed for regression"""'}), "(UserWarning, match=\n 'Missing values in target_col have been removed for regression')\n", (8996, 9085), False, 'import pytest\n'), ((9134, 9177), 'dabl.plot.supervised.plot_regression_continuous', 'plot_regression_continuous', (['X', '"""target_col"""'], {}), "(X, 'target_col')\n", (9160, 9177), False, 'from dabl.plot.supervised import plot, plot_classification_categorical, plot_classification_continuous, plot_regression_categorical, plot_regression_continuous\n'), ((9187, 9288), 'pytest.warns', 'pytest.warns', (['UserWarning'], {'match': '"""Missing values in target_col have been removed for regression"""'}), "(UserWarning, match=\n 'Missing values in target_col have been removed for regression')\n", (9199, 9288), False, 'import pytest\n'), ((9337, 9381), 'dabl.plot.supervised.plot_regression_categorical', 'plot_regression_categorical', (['X', '"""target_col"""'], {}), "(X, 'target_col')\n", (9364, 9381), False, 'from dabl.plot.supervised import plot, plot_classification_categorical, plot_classification_continuous, plot_regression_categorical, plot_regression_continuous\n'), ((9829, 9900), 'pytest.warns', 'pytest.warns', (['UserWarning'], {'match': '"""Dropped 1 outliers in column target."""'}), "(UserWarning, match='Dropped 1 outliers in column target.')\n", (9841, 9900), False, 'import pytest\n'), ((9932, 9972), 'dabl.plot.supervised.plot_regression_continuous', 'plot_regression_continuous', (['df', '"""target"""'], {}), "(df, 'target')\n", (9958, 9972), False, 'from dabl.plot.supervised import plot, plot_classification_categorical, plot_classification_continuous, plot_regression_categorical, plot_regression_continuous\n'), ((10728, 10759), 'numpy.random.uniform', 'np.random.uniform', (['(0)', '(0.1)', '(1000)'], {}), '(0, 0.1, 1000)\n', (10745, 10759), True, 'import numpy as np\n'), ((2190, 2223), 'numpy.percentile', 'np.percentile', (['y', '[5, 10, 60, 85]'], {}), '(y, [5, 10, 60, 85])\n', (2203, 2223), True, 'import numpy as np\n'), ((3099, 3129), 'numpy.random.randint', 'np.random.randint', (['(4)'], {'size': '(100)'}), '(4, size=100)\n', (3116, 3129), True, 'import numpy as np\n'), ((6315, 6362), 'pandas.Series', 'pd.Series', (['[6786930208, 2142878625, 9106275431]'], {}), '([6786930208, 2142878625, 9106275431])\n', (6324, 6362), True, 'import pandas as pd\n'), ((10057, 10083), 'numpy.random.normal', 'np.random.normal', ([], {'size': '(300)'}), '(size=300)\n', (10073, 10083), True, 'import numpy as np\n'), ((10676, 10705), 'numpy.random.uniform', 'np.random.uniform', (['(0)', '(1)', '(1000)'], {}), '(0, 1, 1000)\n', (10693, 10705), True, 'import numpy as np\n'), ((1428, 1462), 'sklearn.preprocessing.KBinsDiscretizer', 'KBinsDiscretizer', ([], {'encode': '"""ordinal"""'}), "(encode='ordinal')\n", (1444, 1462), False, 'from sklearn.preprocessing import KBinsDiscretizer\n'), ((1746, 1786), 'pandas.DataFrame', 'pd.DataFrame', (['X_cat'], {'columns': 'cat_columns'}), '(X_cat, columns=cat_columns)\n', (1758, 1786), True, 'import pandas as pd\n'), ((3339, 3348), 'matplotlib.pyplot.gcf', 'plt.gcf', ([], {}), '()\n', (3346, 3348), True, 'import matplotlib.pyplot as plt\n'), ((5888, 5922), 'numpy.random.randint', 'np.random.randint', (['(0)', '(2)'], {'size': '(1000)'}), '(0, 2, size=1000)\n', (5905, 5922), True, 'import numpy as np\n'), ((9505, 9549), 'numpy.random.randint', 'np.random.randint', ([], {'low': '(1)', 'high': '(100)', 'size': '(200)'}), '(low=1, high=100, size=200)\n', (9522, 9549), True, 'import numpy as np\n'), ((9630, 9675), 'numpy.random.randint', 'np.random.randint', ([], {'low': '(50)', 'high': '(100)', 'size': '(200)'}), '(low=50, high=100, size=200)\n', (9647, 9675), True, 'import numpy as np\n'), ((5822, 5857), 'numpy.random.randint', 'np.random.randint', (['(0)', '(10)'], {'size': '(1000)'}), '(0, 10, size=1000)\n', (5839, 5857), True, 'import numpy as np\n'), ((5981, 5999), 'dabl.preprocessing.detect_types', 'detect_types', (['data'], {}), '(data)\n', (5993, 5999), False, 'from dabl.preprocessing import clean, detect_types, guess_ordinal\n')] |
daniel-theis/multicore-test-harness | scripts/calculate_rank.py | d0ff54ef1c9f9637dd16dd8b85ac1cee8dc49e19 | ################################################################################
# Copyright (c) 2017 Dan Iorga, Tyler Sorenson, Alastair Donaldson
# Permission is hereby granted, free of charge, to any person obtaining a copy
# of this software and associated documentation files (the "Software"), to deal
# in the Software without restriction, including without limitation the rights
# to use, copy, modify, merge, publish, distribute, sublicense, and/or sell
# copies of the Software, and to permit persons to whom the Software is
# furnished to do so, subject to the following conditions:
# The above copyright notice and this permission notice shall be included in all
#copies or substantial portions of the Software.
# THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR
# IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,
# FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE
# AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER
# LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,
# OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE
# SOFTWARE.
################################################################################
import sys
import json
from pprint import pprint
class CalculateRank(object):
def __init__(self, input_file):
self._input_file = input_file
def get_rank(self):
# Read the configuration in the JSON file
with open(self._input_file) as data_file:
experiments_object = json.load(data_file)
# Sort all the configurations in a list
dict_list = list()
for experiment in experiments_object:
ranked_list = experiments_object[experiment]["it"]
od = list(sorted(ranked_list.values(), key=lambda x:x['q_value'], reverse=True))
dict_list.append(od)
# for it in dict_list:
# print()
# print()
# for i in range(len(it)):
# print(it[i]['mapping'])
# print(it[i]['q_value'])
# For each environment. get the rank in the other experiments and store in 'rank'
for it in dict_list[0]:
environment = it['mapping']
rank_list = list()
# Look it up for each victim(experiment)
for it2 in dict_list:
# Find its rank there
for i in range(len(it2)):
env = it2[i]['mapping']
if environment == env:
rank_here = i
break
rank_list.append(rank_here)
it['rank'] = rank_list
# Identify the ones that are not Pareto optimal
rank_list_bad = list()
for it1 in dict_list[0]:
for it2 in dict_list[0]:
if len([i for i, j in zip(it1['rank'], it2['rank']) if i > j]) == len(it1['rank']):
rank_list_bad.append(it1)
# Put the Pareto Optimal in a list
paretto_optimal = list()
for it in dict_list[0]:
if not (it in rank_list_bad):
paretto_optimal.append(it)
# If there are ties, try to break them at fewer comparisons
if len(paretto_optimal) > 1:
rank_list_bad = list()
for it1 in paretto_optimal:
for it2 in paretto_optimal:
if len([i for i, j in zip(it1['rank'], it2['rank']) if i > j]) == len(it1['rank']) - 1:
rank_list_bad.append(it1)
# Put the tie broken ones in a list
paretto_optimal_tie_break = list()
for it in paretto_optimal:
if not (it in rank_list_bad):
paretto_optimal_tie_break.append(it)
print("With no tie breaking")
for i in range(len(paretto_optimal)):
print(paretto_optimal[i]['mapping'])
print("With tie breaking")
for i in range(len(paretto_optimal_tie_break)):
print(paretto_optimal_tie_break[i]['mapping'])
else:
print(paretto_optimal[0]['mapping'])
print("There was no tie breaking")
if __name__ == "__main__":
if len(sys.argv) != 2:
print("usage: " + sys.argv[0] + " <ranked_environments>.json\n")
exit(1)
rank = CalculateRank(sys.argv[1])
rank.get_rank()
| [((1611, 1631), 'json.load', 'json.load', (['data_file'], {}), '(data_file)\n', (1620, 1631), False, 'import json\n')] |
marblestation/montysolr | contrib/antlrqueryparser/src/python/generate_asts.py | 50917b4d53caac633fe9d1965f175401b3edc77d |
import sys
import subprocess as sub
import os
"""
Simple utility script to generate HTML charts of how ANTLR parses
every query and what is the resulting AST.
"""
def run(grammar_name, basedir='',
cp='.:/dvt/antlr-142/lib/antlr-3.4-complete.jar:/x/dev/antlr-34/lib/antlr-3.4-complete.jar',
grammardir='',
java_executable='java',
dot_executable='dot'
):
if not basedir:
basedir = os.path.abspath('../../../../../../../../../../bin')
old_dir = os.getcwd()
thisdir = grammardir
if not thisdir:
thisdir = os.path.dirname(os.path.abspath(__file__))
os.chdir(thisdir)
cp += os.pathsep + basedir
#print "We'll generate ANTLR graphs\ngramar: %s\nbasedir: %s\nclasspath: %s\nparserdir: %s" % (grammar_name, basedir, cp, thisdir)
grammar_file = os.path.join(thisdir, grammar_name + '.g')
if not os.path.exists(grammar_file):
raise Exception('Grammar %s does not exist in classpath: %s' % (grammar_file, cp))
tmp_file = os.path.join(basedir, 'ast-tree.dot')
index_file = os.path.join(basedir, '%s.html' % grammar_name)
gunit_file = os.path.join(thisdir, grammar_name + '.gunit')
generate_ast_command = '%s -cp %s org.apache.lucene.queryparser.flexible.aqp.parser.BuildAST %s "%%s"' % (java_executable, cp, grammar_name)
generate_svg_command = '%s -Tsvg %s' % (dot_executable, tmp_file)
test_cases = load_gunit_file(gunit_file)
index_fo = open(index_file, 'w')
index_fo.write('<h1>Test cases generated from grammar: %s</h1>\n' % grammar_name)
out_lines = []
i = 0
cmds = generate_ast_command.split()
cmds_svg = generate_svg_command.split()
total = sum(map(lambda x: len(x), test_cases.values()))
toc = []
data = []
toc.append('<a name="toc" />')
for section,values in test_cases.items():
output = tree = svg = ''
toc.append('The rule: <a href="#anchor%s"><pre>%s</pre></a><br/>' % (section, section))
# generate AST tree
for query in values:
i += 1
cmds[-1] = query
#tmp_dot = os.path.join(basedir, 'tmp-%s.dot' % i)
tmp_dot = tmp_file
if os.path.exists(tmp_dot):
os.remove(tmp_dot)
toc.append('%s. <a href="#anchor%s"><pre>%s</pre></a><br/>' % (i, i, query))
print '// %s/%s :: %s' % (i, total, query)
#generate graph
p = sub.Popen(cmds,stdout=sub.PIPE,stderr=sub.PIPE)
output, errors = p.communicate()
if output:
fo = open(tmp_dot, 'w')
fo.write(output)
fo.close()
else:
print 'Error generating AST for: ' + query
print errors
if 'java.lang.ClassNotFoundException' in errors:
raise Exception('Please fix your classpath')
continue
#generate tree
cmds.append(section)
cmds.append("tree")
p = sub.Popen(cmds,stdout=sub.PIPE,stderr=sub.PIPE)
tree, errors = p.communicate()
if tree:
q = query.replace('\\', '\\\\').replace('"', '\\"').replace('\'', '\\\'')
t = tree.strip().replace('\\', '\\\\').replace('"', '\\"').replace("'", "\\'")
print "\"%s\" -> \"%s\"" % (q, t)
else:
print 'Error generating AST for: ' + query
print errors
tree = errors
cmds.pop()
cmds.pop()
cmds_svg[-1] = tmp_dot
try:
p = sub.Popen(cmds_svg,stdout=sub.PIPE,stderr=sub.PIPE)
except Exception, e:
print "The following command failed:"
print ' '.join(cmds_svg)
raise e
output, errors = p.communicate()
data.append(' <a name="anchor%s"/><h3>%s. <pre">%s</pre> <a href="#toc">^</a> </h3>' % (i, i, query))
data.append(output)
data.append('<br/><pre>' + tree + '</pre>')
data.append('<br/>')
index_fo.write('''
<html>
<head>
<meta http-equiv="Content-Type" content="text/html;charset=utf-8" />
<style type="text/css">
pre {display:inline;}
</style>
</head>
</body>
''')
index_fo.write('\n'.join(toc))
index_fo.write('\n'.join(data))
index_fo.write('''
</body>
</html>
''')
index_fo.close()
print 'HTML charts generated into:', index_fo.name
os.chdir(old_dir)
def load_gunit_file(gunit_file):
fi = open(gunit_file, 'r')
test_cases = {}
section = None
for line in fi:
l = line.strip()
if not l or l[:2] == '//':
continue
parts = split_line(l)
if len(parts) == 1 and parts[0][-1] == ':':
section = parts[0][:-1]
test_cases.setdefault(section, [])
elif len(parts) > 1 and parts[1].lower() != 'fails':
query = parts[0]
query = query.replace('\\\"', '"').replace('\\\'', '\'').replace('\\\\', '\\')
test_cases[section].append(query)
fi.close()
return test_cases
def split_line(line):
line = line.replace('->', '')
start = 0
last_pos = None
parts = []
while line.find('"', start) > -1:
p = line.index('"', start)
start = p+1
if line[p-1] != '\\':
if last_pos is None:
last_pos = p
else:
parts.append(line[last_pos+1:p])
parts.append(line[p+1:].strip())
last_pos = None
break
if not parts:
parts.append(line.strip())
return parts
if __name__ == '__main__':
if len(sys.argv) == 1:
sys.argv.insert(1, "StandardLuceneGrammar")
run(*sys.argv[1:])
| [] |
SSusantAchary/Visual-Perception | visual_perception/Detection/yolov4/__init__.py | b81ffe69ab85e9afb7ee6eece43ac83c8f292285 | """
MIT License
Copyright (c) 2020 Susant Achary <[email protected]>
Permission is hereby granted, free of charge, to any person obtaining a copy
of this software and associated documentation files (the "Software"), to deal
in the Software without restriction, including without limitation the rights
to use, copy, modify, merge, publish, distribute, sublicense, and/or sell
copies of the Software, and to permit persons to whom the Software is
furnished to do so, subject to the following conditions:
The above copyright notice and this permission notice shall be included in all
copies or substantial portions of the Software.
THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR
IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,
FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE
AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER
LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,
OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE
SOFTWARE.
"""
from visual_perception.Detection.yolov4.tf import YOLOv4 as yolo_main
import numpy as np
import cv2
labels = {0: 'person', 1: 'bicycle', 2: 'car', 3: 'motorcycle', 4: 'airplane', 5: 'bus', 6: 'train', 7: 'truck', 8: 'boat',
9: 'traffic light', 10: 'fire hydrant', 11: 'stop sign', 12: 'parking meter', 13: 'bench', 14: 'bird', 15: 'cat', 16: 'dog',
17: 'horse', 18: 'sheep', 19: 'cow', 20: 'elephant', 21: 'bear', 22: 'zebra', 23: 'giraffe', 24: 'backpack', 25: 'umbrella',
26: 'handbag', 27: 'tie', 28: 'suitcase', 29: 'frisbee', 30: 'skis', 31: 'snowboard', 32: 'sports ball', 33: 'kite',
34: 'baseball bat', 35: 'baseball glove', 36: 'skateboard', 37: 'surfboard', 38: 'tennis racket', 39: 'bottle', 40: 'wine glass',
41: 'cup', 42: 'fork', 43: 'knife', 44: 'spoon', 45: 'bowl', 46: 'banana', 47: 'apple', 48: 'sandwich', 49: 'orange',
50: 'broccoli', 51: 'carrot', 52: 'hot dog', 53: 'pizza', 54: 'donut', 55: 'cake', 56: 'chair', 57: 'couch', 58: 'potted plant',
59: 'bed', 60: 'dining table', 61: 'toilet', 62: 'tv', 63: 'laptop', 64: 'mouse', 65: 'remote', 66: 'keyboard', 67: 'cell phone',
68: 'microwave', 69: 'oven', 70: 'toaster', 71: 'sink', 72: 'refrigerator', 73: 'book', 74: 'clock', 75: 'vase', 76: 'scissors',
77: 'teddy bear', 78: 'hair drier', 79: 'toothbrush'}
class YOLOv4:
def __init__(self):
self.weights_path = ""
self.model = None
self.yolo_classes = ""
self.iou = 0
self.score = 0
self.input_shape = 0
self.output_path = ""
def load_model(self, weights_path:str = None, classes_path:str = None, input_shape:int = 608):
if (weights_path is None) or (classes_path is None):
raise RuntimeError ('weights_path AND classes_path should not be None.')
self.yolo_classes = classes_path
self.weights_path = weights_path
self.input_shape = input_shape
self.model = yolo_main(shape = self.input_shape)
self.model.classes = self.yolo_classes
self.model.make_model()
self.model.load_weights(self.weights_path, weights_type = 'yolo')
def predict(self, img:np.ndarray, output_path:str, iou = 0.45, score = 0.25, custom_objects:dict = None,
debug=True):
self.output_path = output_path
self.iou = iou
self.score = score
#img = np.array(Image.open(img))[..., ::-1]
pred_bboxes = self.model.predict(img, iou_threshold = self.iou, score_threshold = self.score)
boxes = []
if (custom_objects != None):
for i in range(len(pred_bboxes)):
check_name = labels[pred_bboxes[i][4]]
check = custom_objects.get(check_name, 'invalid')
if check == 'invalid':
continue
elif check == 'valid':
boxes.append(list(pred_bboxes[i]))
boxes = np.array(boxes)
res = self.model.draw_bboxes(img, boxes)
if debug:
cv2.imwrite(self.output_path, res)
else:
res = self.model.draw_bboxes(img, pred_bboxes)
if debug:
cv2.imwrite(self.output_path, res)
return res
class TinyYOLOv4:
def __init__(self):
self.weights_path = ""
self.model = None
self.yolo_classes = ""
self.iou = 0
self.score = 0
self.input_shape = 0
self.output_path = ""
def load_model(self, weights_path:str = None, classes_path:str = None, input_shape:int = 0):
if (weights_path is None) or (classes_path is None):
raise RuntimeError ('weights_path AND classes_path should not be None.')
self.yolo_classes = classes_path
self.weights_path = weights_path
self.input_shape = input_shape
self.model = yolo_main(tiny = True, shape = self.input_shape)
self.model.classes = self.yolo_classes
self.model.make_model()
self.model.load_weights(self.weights_path, weights_type = 'yolo')
def predict(self, img:np.ndarray, output_path:str, iou = 0.4, score = 0.07, custom_objects:dict = None,
debug=True):
self.output_path = output_path
self.iou = iou
self.score = score
#img = np.array(Image.open(img))[..., ::-1]
pred_bboxes = self.model.predict(img, iou_threshold = self.iou, score_threshold = self.score)
boxes = []
if (custom_objects != None):
for i in range(len(pred_bboxes)):
check_name = labels[pred_bboxes[i][4]]
check = custom_objects.get(check_name, 'invalid')
if check == 'invalid':
continue
elif check == 'valid':
boxes.append(list(pred_bboxes[i]))
boxes = np.array(boxes)
res = self.model.draw_bboxes(img, boxes)
if debug:
cv2.imwrite(self.output_path, res)
else:
res = self.model.draw_bboxes(img, pred_bboxes)
if debug:
cv2.imwrite(self.output_path, res)
return res
| [((3134, 3167), 'visual_perception.Detection.yolov4.tf.YOLOv4', 'yolo_main', ([], {'shape': 'self.input_shape'}), '(shape=self.input_shape)\n', (3143, 3167), True, 'from visual_perception.Detection.yolov4.tf import YOLOv4 as yolo_main\n'), ((5030, 5074), 'visual_perception.Detection.yolov4.tf.YOLOv4', 'yolo_main', ([], {'tiny': '(True)', 'shape': 'self.input_shape'}), '(tiny=True, shape=self.input_shape)\n', (5039, 5074), True, 'from visual_perception.Detection.yolov4.tf import YOLOv4 as yolo_main\n'), ((4091, 4106), 'numpy.array', 'np.array', (['boxes'], {}), '(boxes)\n', (4099, 4106), True, 'import numpy as np\n'), ((6007, 6022), 'numpy.array', 'np.array', (['boxes'], {}), '(boxes)\n', (6015, 6022), True, 'import numpy as np\n'), ((4190, 4224), 'cv2.imwrite', 'cv2.imwrite', (['self.output_path', 'res'], {}), '(self.output_path, res)\n', (4201, 4224), False, 'import cv2\n'), ((4331, 4365), 'cv2.imwrite', 'cv2.imwrite', (['self.output_path', 'res'], {}), '(self.output_path, res)\n', (4342, 4365), False, 'import cv2\n'), ((6106, 6140), 'cv2.imwrite', 'cv2.imwrite', (['self.output_path', 'res'], {}), '(self.output_path, res)\n', (6117, 6140), False, 'import cv2\n'), ((6247, 6281), 'cv2.imwrite', 'cv2.imwrite', (['self.output_path', 'res'], {}), '(self.output_path, res)\n', (6258, 6281), False, 'import cv2\n')] |
rishab-rb/MyIOTMap | server/mqtt/handler.py | e27a73b58cd3a9aba558ebacfb2bf8b6ef4761aa | import paho.client as mqtt
HOST = 'localhost'
PORT = 1883
class MQTTConnector:
def __init__(self, host, port):
host = host
port = port
client = mqtt.Client()
def connect():
self.client.connect(self.host, self.port, 60)
def run(self):
self.client.loop_forever()
class MQTTSubscriber:
def __init__(self, *args, **kwargs):
super(MQTTSubscriber, self).__init__(*args, **kwargs)
class MQTTPublisher:
def __init__(self, host) | [] |
HighDeFing/thesis_v4 | scripts/spacy_files/similarity_replacement.py | 2dc9288af75a8b51fe54ed66f520e8aa8a0ab3c7 | #!/bin/env python
from black import main
import spacy
import json
from spacy import displacy
import unidecode
import pandas as pd
import numpy as np
import os
csv_source = "scripts/spacy_files/data/thesis_200_with_school.csv"
df = pd.read_csv(csv_source)
df = df[df['isScan']==False]
df = df.sort_values('isScan', ascending=False)
text1= "Escuela de Enfermería"
text2 = "ESCUELA DE ENFERMERIA"
file = open("scripts/spacy_files/data/escuelas.json", "r")
file = json.load(file)
temp_list = []
for facultad in file:
temp_list.append(facultad['escuela'])
#print(facultad['escuela'])
escuelas = [item for sublist in temp_list for item in sublist] # make the list flat
#print(escuelas)
text1_u = unidecode.unidecode(text1)
text1_l_u = text1_u.lower()
text2_l_u = unidecode.unidecode(text2).lower()
print(text1_l_u, "<-->", text2_l_u)
if text1_l_u == text2_l_u:
print(text1, " is correct.")
def unaccent_list(accent_list):
unaccented_schools = []
for sch in accent_list:
unaccented_schools.append(unidecode.unidecode(sch).lower())
return unaccented_schools
def set_school_to_unaccent(escuelas):
escuelas = unaccent_list(escuelas)
return escuelas
def create_dictionary(schools):
myDict = dict((e,i) for i,e in enumerate(schools))
return myDict
def set_schools_accents(row, dict, dict_c):
index = dict.get(row.lower())
key_list = list(dict_c.keys())
val_list = list(dict_c.values())
try:
position = val_list.index(index)
key_list[position]
except:
return None
if __name__ == "__main__":
u_escuelas = set_school_to_unaccent(escuelas)
u_escuelas_dict = create_dictionary(u_escuelas)
escuelas_dict = create_dictionary(escuelas)
print(u_escuelas_dict)
print(escuelas_dict)
print(set_schools_accents("No school", u_escuelas_dict, escuelas_dict))
| [((233, 256), 'pandas.read_csv', 'pd.read_csv', (['csv_source'], {}), '(csv_source)\n', (244, 256), True, 'import pandas as pd\n'), ((465, 480), 'json.load', 'json.load', (['file'], {}), '(file)\n', (474, 480), False, 'import json\n'), ((701, 727), 'unidecode.unidecode', 'unidecode.unidecode', (['text1'], {}), '(text1)\n', (720, 727), False, 'import unidecode\n'), ((768, 794), 'unidecode.unidecode', 'unidecode.unidecode', (['text2'], {}), '(text2)\n', (787, 794), False, 'import unidecode\n'), ((1035, 1059), 'unidecode.unidecode', 'unidecode.unidecode', (['sch'], {}), '(sch)\n', (1054, 1059), False, 'import unidecode\n')] |
dat-boris/tensorforce | test/unittest_base.py | d777121b1c971da5500572c5f83173b9229f7370 | # Copyright 2018 Tensorforce Team. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
# ==============================================================================
from copy import deepcopy
from datetime import datetime
import os
import sys
import warnings
from tensorforce import TensorforceError
from tensorforce.agents import Agent
from tensorforce.core.layers import Layer
from tensorforce.environments import Environment
from tensorforce.execution import Runner
from test.unittest_environment import UnittestEnvironment
os.environ['TF_CPP_MIN_LOG_LEVEL'] = '3'
class UnittestBase(object):
"""
Unit-test base class.
"""
# Unittest
num_updates = None
num_episodes = None
num_timesteps = None
# Environment
min_timesteps = 1
states = dict(
bool_state=dict(type='bool', shape=(1,)),
int_state=dict(type='int', shape=(2,), num_values=4),
float_state=dict(type='float', shape=(1, 1, 2)),
bounded_state=dict(type='float', shape=(), min_value=-0.5, max_value=0.5)
)
actions = dict(
bool_action=dict(type='bool', shape=(1,)),
int_action=dict(type='int', shape=(2,), num_values=4),
float_action=dict(type='float', shape=(1, 1)),
bounded_action=dict(type='float', shape=(2,), min_value=-0.5, max_value=0.5)
)
# Exclude action types
exclude_bool_action = False
exclude_int_action = False
exclude_float_action = False
exclude_bounded_action = False
# Agent
agent = dict(
update=4, policy=dict(network=dict(type='auto', size=8, depth=1, internal_rnn=2)),
objective='policy_gradient', reward_estimation=dict(horizon=3)
)
# Tensorforce config
require_observe = False
require_all = False
def setUp(self):
warnings.filterwarnings(
action='ignore',
message='Converting sparse IndexedSlices to a dense Tensor of unknown shape'
)
def start_tests(self, name=None):
"""
Start unit-test method.
"""
if name is None:
sys.stdout.write('\n{} {}: '.format(
datetime.now().strftime('%H:%M:%S'), self.__class__.__name__[4:]
))
else:
sys.stdout.write('\n{} {} ({}): '.format(
datetime.now().strftime('%H:%M:%S'), self.__class__.__name__[4:], name
))
sys.stdout.flush()
def finished_test(self, assertion=None):
"""
Finished unit-test.
"""
if assertion is None:
assertion = True
else:
self.assertTrue(expr=assertion)
if assertion:
sys.stdout.write('.')
sys.stdout.flush()
def prepare(
self, environment=None, min_timesteps=None, states=None, actions=None,
exclude_bool_action=False, exclude_int_action=False, exclude_float_action=False,
exclude_bounded_action=False, require_observe=False, require_all=False, **agent
):
"""
Generic unit-test preparation.
"""
Layer.layers = None
if environment is None:
if states is None:
states = deepcopy(self.__class__.states)
if actions is None:
actions = deepcopy(self.__class__.actions)
if exclude_bool_action or self.__class__.exclude_bool_action:
actions.pop('bool_action')
if exclude_int_action or self.__class__.exclude_int_action:
actions.pop('int_action')
if exclude_float_action or self.__class__.exclude_float_action:
actions.pop('float_action')
if exclude_bounded_action or self.__class__.exclude_bounded_action:
actions.pop('bounded_action')
if min_timesteps is None:
min_timesteps = self.__class__.min_timesteps
environment = UnittestEnvironment(
states=states, actions=actions, min_timesteps=min_timesteps
)
elif min_timesteps is not None:
raise TensorforceError.unexpected()
environment = Environment.create(environment=environment, max_episode_timesteps=5)
for key, value in self.__class__.agent.items():
if key not in agent:
agent[key] = value
if self.__class__.require_all or require_all:
config = None
elif self.__class__.require_observe or require_observe:
config = dict(api_functions=['reset', 'act', 'observe'])
else:
config = dict(api_functions=['reset', 'act'])
agent = Agent.create(agent=agent, environment=environment, config=config)
return agent, environment
def unittest(
self, num_updates=None, num_episodes=None, num_timesteps=None, environment=None,
min_timesteps=None, states=None, actions=None, exclude_bool_action=False,
exclude_int_action=False, exclude_float_action=False, exclude_bounded_action=False,
require_observe=False, require_all=False, **agent
):
"""
Generic unit-test.
"""
agent, environment = self.prepare(
environment=environment, min_timesteps=min_timesteps, states=states, actions=actions,
exclude_bool_action=exclude_bool_action, exclude_int_action=exclude_int_action,
exclude_float_action=exclude_float_action,
exclude_bounded_action=exclude_bounded_action, require_observe=require_observe,
require_all=require_all, **agent
)
self.runner = Runner(agent=agent, environment=environment)
assert (num_updates is not None) + (num_episodes is not None) + \
(num_timesteps is not None) <= 1
if num_updates is None and num_episodes is None and num_timesteps is None:
num_updates = self.__class__.num_updates
num_episodes = self.__class__.num_episodes
num_timesteps = self.__class__.num_timesteps
if num_updates is None and num_episodes is None and num_timesteps is None:
num_updates = 2
assert (num_updates is not None) + (num_episodes is not None) + \
(num_timesteps is not None) == 1
evaluation = not any([
require_all, require_observe, self.__class__.require_all,
self.__class__.require_observe
])
self.runner.run(
num_episodes=num_episodes, num_timesteps=num_timesteps, num_updates=num_updates,
use_tqdm=False, evaluation=evaluation
)
self.runner.close()
agent.close()
environment.close()
self.finished_test()
| [((2312, 2435), 'warnings.filterwarnings', 'warnings.filterwarnings', ([], {'action': '"""ignore"""', 'message': '"""Converting sparse IndexedSlices to a dense Tensor of unknown shape"""'}), "(action='ignore', message=\n 'Converting sparse IndexedSlices to a dense Tensor of unknown shape')\n", (2335, 2435), False, 'import warnings\n'), ((2908, 2926), 'sys.stdout.flush', 'sys.stdout.flush', ([], {}), '()\n', (2924, 2926), False, 'import sys\n'), ((4673, 4741), 'tensorforce.environments.Environment.create', 'Environment.create', ([], {'environment': 'environment', 'max_episode_timesteps': '(5)'}), '(environment=environment, max_episode_timesteps=5)\n', (4691, 4741), False, 'from tensorforce.environments import Environment\n'), ((5170, 5235), 'tensorforce.agents.Agent.create', 'Agent.create', ([], {'agent': 'agent', 'environment': 'environment', 'config': 'config'}), '(agent=agent, environment=environment, config=config)\n', (5182, 5235), False, 'from tensorforce.agents import Agent\n'), ((6127, 6171), 'tensorforce.execution.Runner', 'Runner', ([], {'agent': 'agent', 'environment': 'environment'}), '(agent=agent, environment=environment)\n', (6133, 6171), False, 'from tensorforce.execution import Runner\n'), ((3176, 3197), 'sys.stdout.write', 'sys.stdout.write', (['"""."""'], {}), "('.')\n", (3192, 3197), False, 'import sys\n'), ((3210, 3228), 'sys.stdout.flush', 'sys.stdout.flush', ([], {}), '()\n', (3226, 3228), False, 'import sys\n'), ((4450, 4535), 'test.unittest_environment.UnittestEnvironment', 'UnittestEnvironment', ([], {'states': 'states', 'actions': 'actions', 'min_timesteps': 'min_timesteps'}), '(states=states, actions=actions, min_timesteps=min_timesteps\n )\n', (4469, 4535), False, 'from test.unittest_environment import UnittestEnvironment\n'), ((3690, 3721), 'copy.deepcopy', 'deepcopy', (['self.__class__.states'], {}), '(self.__class__.states)\n', (3698, 3721), False, 'from copy import deepcopy\n'), ((3781, 3813), 'copy.deepcopy', 'deepcopy', (['self.__class__.actions'], {}), '(self.__class__.actions)\n', (3789, 3813), False, 'from copy import deepcopy\n'), ((4620, 4649), 'tensorforce.TensorforceError.unexpected', 'TensorforceError.unexpected', ([], {}), '()\n', (4647, 4649), False, 'from tensorforce import TensorforceError\n'), ((2650, 2664), 'datetime.datetime.now', 'datetime.now', ([], {}), '()\n', (2662, 2664), False, 'from datetime import datetime\n'), ((2814, 2828), 'datetime.datetime.now', 'datetime.now', ([], {}), '()\n', (2826, 2828), False, 'from datetime import datetime\n')] |
onaio/mspray | mspray/apps/reveal/__init__.py | b3e0f4b5855abbf0298de6b66f2e9f472f2bf838 | """init module for reveal app"""
# pylint: disable=invalid-name
default_app_config = "mspray.apps.reveal.apps.RevealConfig" # noqa
| [] |
luizerico/PyGuiFW | guifw/models/port.py | d79347db7d4bd9e09fbc53215d79c06ccf16bad5 | from django.db import models
from django import forms
from audit_log.models.managers import AuditLog
# Create your models here.
class Port(models.Model):
name = models.CharField(max_length=250)
port = models.CharField(max_length=250)
description = models.TextField(blank=True)
audit_log = AuditLog()
#icon = models.ImageField(upload_to='images', blank=True)
def __str__(self):
return self.name
class FormPort(forms.ModelForm):
pass
class Meta:
model = Port | [((169, 201), 'django.db.models.CharField', 'models.CharField', ([], {'max_length': '(250)'}), '(max_length=250)\n', (185, 201), False, 'from django.db import models\n'), ((213, 245), 'django.db.models.CharField', 'models.CharField', ([], {'max_length': '(250)'}), '(max_length=250)\n', (229, 245), False, 'from django.db import models\n'), ((264, 292), 'django.db.models.TextField', 'models.TextField', ([], {'blank': '(True)'}), '(blank=True)\n', (280, 292), False, 'from django.db import models\n'), ((310, 320), 'audit_log.models.managers.AuditLog', 'AuditLog', ([], {}), '()\n', (318, 320), False, 'from audit_log.models.managers import AuditLog\n')] |
karstenv/nmp-arm | app/backend/arm/migrations/0002_auto_20190924_1712.py | 47e45f0391820000f461ab6e994e20eacfffb457 | # Generated by Django 2.2.5 on 2019-09-25 00:12
from django.db import migrations
class Migration(migrations.Migration):
dependencies = [
('arm', '0001_initial'),
]
operations = [
migrations.DeleteModel(
name='CautionMessage',
),
migrations.DeleteModel(
name='RiskRatingValue',
),
]
| [((224, 269), 'django.db.migrations.DeleteModel', 'migrations.DeleteModel', ([], {'name': '"""CautionMessage"""'}), "(name='CautionMessage')\n", (246, 269), False, 'from django.db import migrations\n'), ((305, 351), 'django.db.migrations.DeleteModel', 'migrations.DeleteModel', ([], {'name': '"""RiskRatingValue"""'}), "(name='RiskRatingValue')\n", (327, 351), False, 'from django.db import migrations\n')] |
taranek/tennis-stats-provider | webcam_demo.py | e95093679a194d30d0727ec8e11d44fc462f6adc | import tensorflow as tf
import json
import math
import cv2
import time
import argparse
import concurrent.futures
import posenet
import keyboard
import sys
import numpy as np
from threading import Thread
from slugify import slugify
parser = argparse.ArgumentParser()
parser.add_argument('--model', type=int, default=101)
parser.add_argument('--cam_id', type=int, default=0)
parser.add_argument('--cam_width', type=int, default=1280)
parser.add_argument('--cam_height', type=int, default=720)
parser.add_argument('--scale_factor', type=float, default=0.7125)
parser.add_argument('--file', type=str, default=None, help="Optionally use a video file instead of a live camera")
args = parser.parse_args()
def main():
# tf.config.threading.set_inter_op_parallelism_threads(0)
# tf.config.threading.set_intra_op_parallelism_threads(0)
# print(tf.config.threading.get_inter_op_parallelism_threads())
# print(tf.config.threading.get_intra_op_parallelism_threads())
with tf.compat.v1.Session() as sess:
model_cfg, model_outputs = posenet.load_model(args.model, sess)
output_stride = model_cfg['output_stride']
if args.file is not None:
cap = cv2.VideoCapture(args.file)
else:
cap = cv2.VideoCapture(args.cam_id)
cap.set(3, args.cam_width)
cap.set(4, args.cam_height)
start = time.time()
frame_count = 0
recording = True
# ret,frame1 = cap.read()
# ret,frame2 = cap.read()
file_content = []
while True:
# diff = cv2.absdiff(frame1,frame2)
# gray = cv2.cvtColor(diff, cv2.COLOR_BGR2GRAY)
# blur = cv2.GaussianBlur(gray,(15,15),0)
# _, thresh = cv2.threshold(blur,20,255,cv2.THRESH_BINARY)
# dilated = cv2.dilate(thresh,None, iterations=3)
# contours, _ = cv2.findContours(dilated, cv2.RETR_TREE, cv2.CHAIN_APPROX_SIMPLE)
# # if(len(contours)>0):
# # print("One:")
# # print(dir(contours[0]))
# # print("One it is.")
# for contour in contours:
# (x,y,w,h) = cv2.boundingRect(contour)
# if(cv2.contourArea(contour)>400):
# continue
# cv2.rectangle(frame1,(x,y),(x+w,y+h),(0,255,0),2)
# # cv2.drawContours(frame1,contours, -1,(0,255,0),2)
# cv2.imshow("feed",frame1)
# frame1 = frame2
# ret, frame2 = cap.read()
input_image, display_image, output_scale = posenet.read_cap(cap, scale_factor=args.scale_factor, output_stride=output_stride)
heatmaps_result, offsets_result, displacement_fwd_result, displacement_bwd_result = sess.run(
model_outputs,
feed_dict={'image:0': input_image}
)
pose_scores, keypoint_scores, keypoint_coords = posenet.decode_multi.decode_multiple_poses(
heatmaps_result.squeeze(axis=0),
offsets_result.squeeze(axis=0),
displacement_fwd_result.squeeze(axis=0),
displacement_bwd_result.squeeze(axis=0),
output_stride=output_stride,
max_pose_detections=1,
min_pose_score=0.15)
keypoint_coords *= output_scale
# TODO this isn't particularly fast, use GL for drawing and display someday...
# print("\n ===================================== \n")
img = posenet.draw_skel_and_kp(
display_image, pose_scores, keypoint_scores, keypoint_coords,
min_pose_score=0.15, min_part_score=0.15)
cv2.imshow('posenet', img)
frame_count += 1
if(recording):
normalize_poses(keypoint_coords)
results = json.dumps({
"timestamp":time.time() - start,
"pose_scores":pose_scores.tolist(),
"keypoint_scores":keypoint_scores.tolist(),
"scores": keypoint_scores.size,
"keypoint_coords":normalize_poses(keypoint_coords),
"coords": keypoint_coords.size
})
file_content.append(results)
file_content = file_content[-30:]
if cv2.waitKey(1) & keyboard.is_pressed('w'):
print('you pressed w - service it was!')
time.sleep(0.5)
path = "collected/serves/"
filename = str(slugify("s-"+str(time.time()))+".txt")
x = Thread(target=save_to_file, args=(str(path+filename),str(file_content)))
x.start()
x.join()
file_content = []
if cv2.waitKey(1) & keyboard.is_pressed('d'):
print('you pressed d - forehand it was!')
time.sleep(0.5)
path = "collected/forehand/"
filename = str(slugify("f-"+str(time.time()))+".txt")
x = Thread(target=save_to_file, args=(str(path+filename),str(file_content)))
x.start()
x.join()
file_content = []
if cv2.waitKey(1) & keyboard.is_pressed('a'):
print('you pressed a - backhand it was!')
time.sleep(0.5)
path = "collected/backhand/"
filename = str(slugify("b-"+str(time.time()))+".txt")
x = Thread(target=save_to_file, args=(str(path+filename),str(file_content)))
x.start()
x.join()
file_content = []
if cv2.waitKey(1) & keyboard.is_pressed('q'):
print('you pressed q - quitting!')
cv2.destroyAllWindows()
break
print('Average FPS: ', frame_count / (time.time() - start))
return 0
def my_function(toPrint):
print(toPrint)
def save_to_file(filename,data):
file = open(filename,'w')
file.write(data)
file.close()
def find_middle(left,right):
x = (left[0]+right[0])/2.0
y = (left[1]+right[1])/2.0
return [x,y]
def find_distance(pointA,pointB):
dist = math.sqrt((pointB[0] - pointA[0])**2 + (pointB[1] - pointA[1])**2)
return dist
def normalize_poses(poses):
leftShoulderCords = poses[0][5]
rightShoulderCords = poses[0][6]
middleShoulderPoint = find_middle(leftShoulderCords,rightShoulderCords)
leftHipCords = poses[0][11]
rightHipCords = poses[0][12]
middleHipPoint = find_middle(leftHipCords,rightHipCords)
armHipDistance = find_distance(middleHipPoint,middleShoulderPoint);
normalized = []
for pose in poses[0]:
normalized.append(
[(pose[0]-middleHipPoint[0])/armHipDistance,
(pose[1]-middleHipPoint[1])/armHipDistance]
)
return normalized
if __name__ == "__main__":
main() | [((241, 266), 'argparse.ArgumentParser', 'argparse.ArgumentParser', ([], {}), '()\n', (264, 266), False, 'import argparse\n'), ((6386, 6456), 'math.sqrt', 'math.sqrt', (['((pointB[0] - pointA[0]) ** 2 + (pointB[1] - pointA[1]) ** 2)'], {}), '((pointB[0] - pointA[0]) ** 2 + (pointB[1] - pointA[1]) ** 2)\n', (6395, 6456), False, 'import math\n'), ((983, 1005), 'tensorflow.compat.v1.Session', 'tf.compat.v1.Session', ([], {}), '()\n', (1003, 1005), True, 'import tensorflow as tf\n'), ((1050, 1086), 'posenet.load_model', 'posenet.load_model', (['args.model', 'sess'], {}), '(args.model, sess)\n', (1068, 1086), False, 'import posenet\n'), ((1371, 1382), 'time.time', 'time.time', ([], {}), '()\n', (1380, 1382), False, 'import time\n'), ((1191, 1218), 'cv2.VideoCapture', 'cv2.VideoCapture', (['args.file'], {}), '(args.file)\n', (1207, 1218), False, 'import cv2\n'), ((1251, 1280), 'cv2.VideoCapture', 'cv2.VideoCapture', (['args.cam_id'], {}), '(args.cam_id)\n', (1267, 1280), False, 'import cv2\n'), ((2583, 2670), 'posenet.read_cap', 'posenet.read_cap', (['cap'], {'scale_factor': 'args.scale_factor', 'output_stride': 'output_stride'}), '(cap, scale_factor=args.scale_factor, output_stride=\n output_stride)\n', (2599, 2670), False, 'import posenet\n'), ((3616, 3748), 'posenet.draw_skel_and_kp', 'posenet.draw_skel_and_kp', (['display_image', 'pose_scores', 'keypoint_scores', 'keypoint_coords'], {'min_pose_score': '(0.15)', 'min_part_score': '(0.15)'}), '(display_image, pose_scores, keypoint_scores,\n keypoint_coords, min_pose_score=0.15, min_part_score=0.15)\n', (3640, 3748), False, 'import posenet\n'), ((3817, 3843), 'cv2.imshow', 'cv2.imshow', (['"""posenet"""', 'img'], {}), "('posenet', img)\n", (3827, 3843), False, 'import cv2\n'), ((4456, 4470), 'cv2.waitKey', 'cv2.waitKey', (['(1)'], {}), '(1)\n', (4467, 4470), False, 'import cv2\n'), ((4473, 4497), 'keyboard.is_pressed', 'keyboard.is_pressed', (['"""w"""'], {}), "('w')\n", (4492, 4497), False, 'import keyboard\n'), ((4572, 4587), 'time.sleep', 'time.sleep', (['(0.5)'], {}), '(0.5)\n', (4582, 4587), False, 'import time\n'), ((4904, 4918), 'cv2.waitKey', 'cv2.waitKey', (['(1)'], {}), '(1)\n', (4915, 4918), False, 'import cv2\n'), ((4921, 4945), 'keyboard.is_pressed', 'keyboard.is_pressed', (['"""d"""'], {}), "('d')\n", (4940, 4945), False, 'import keyboard\n'), ((5021, 5036), 'time.sleep', 'time.sleep', (['(0.5)'], {}), '(0.5)\n', (5031, 5036), False, 'import time\n'), ((5367, 5381), 'cv2.waitKey', 'cv2.waitKey', (['(1)'], {}), '(1)\n', (5378, 5381), False, 'import cv2\n'), ((5384, 5408), 'keyboard.is_pressed', 'keyboard.is_pressed', (['"""a"""'], {}), "('a')\n", (5403, 5408), False, 'import keyboard\n'), ((5484, 5499), 'time.sleep', 'time.sleep', (['(0.5)'], {}), '(0.5)\n', (5494, 5499), False, 'import time\n'), ((5831, 5845), 'cv2.waitKey', 'cv2.waitKey', (['(1)'], {}), '(1)\n', (5842, 5845), False, 'import cv2\n'), ((5848, 5872), 'keyboard.is_pressed', 'keyboard.is_pressed', (['"""q"""'], {}), "('q')\n", (5867, 5872), False, 'import keyboard\n'), ((5941, 5964), 'cv2.destroyAllWindows', 'cv2.destroyAllWindows', ([], {}), '()\n', (5962, 5964), False, 'import cv2\n'), ((6046, 6057), 'time.time', 'time.time', ([], {}), '()\n', (6055, 6057), False, 'import time\n'), ((4018, 4029), 'time.time', 'time.time', ([], {}), '()\n', (4027, 4029), False, 'import time\n'), ((4679, 4690), 'time.time', 'time.time', ([], {}), '()\n', (4688, 4690), False, 'import time\n'), ((5130, 5141), 'time.time', 'time.time', ([], {}), '()\n', (5139, 5141), False, 'import time\n'), ((5593, 5604), 'time.time', 'time.time', ([], {}), '()\n', (5602, 5604), False, 'import time\n')] |
zsoltn/python-otcextensions | otcextensions/tests/unit/osclient/dcs/v1/fakes.py | 4c0fa22f095ebd5f9636ae72acbae5048096822c | # Licensed under the Apache License, Version 2.0 (the "License"); you may
# not use this file except in compliance with the License. You may obtain
# a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS, WITHOUT
# WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the
# License for the specific language governing permissions and limitations
# under the License.
# import datetime
import random
import uuid
import mock
from openstackclient.tests.unit import utils
from otcextensions.tests.unit.osclient import test_base
from otcextensions.sdk.dcs.v1 import backup
from otcextensions.sdk.dcs.v1 import config
from otcextensions.sdk.dcs.v1 import instance
from otcextensions.sdk.dcs.v1 import restore
from otcextensions.sdk.dcs.v1 import statistic
class TestDCS(utils.TestCommand):
def setUp(self):
super(TestDCS, self).setUp()
self.app.client_manager.dcs = mock.Mock()
self.client = self.app.client_manager.dcs
self.client.get_instance = mock.Mock()
self.client.find_instance = mock.Mock()
self.client.instances = mock.Mock()
self.client.delete_instance = mock.Mock()
self.client.update_instance = mock.Mock()
self.client.create_instance = mock.Mock()
self.client.extend_instance = mock.Mock()
class FakeInstance(test_base.Fake):
"""Fake one or more Instance"""
@classmethod
def generate(cls):
object_info = {
'name': 'group-' + uuid.uuid4().hex,
'id': 'id-' + uuid.uuid4().hex,
'description': 'SOME description',
'status': random.choice(['CREATING', 'CREATEFILED',
'RUNNING', 'ERROR', 'STARTING',
'RESTARTING', 'CLOSING', 'CLOSED',
'EXTENDING']),
'engine': uuid.uuid4().hex,
'capacity': random.randint(1, 100),
'ip': uuid.uuid4().hex,
'port': random.randint(1, 65535),
'resource_spec_code': random.choice(['dcs.single_node',
'dcs.master_standby',
'dcs.cluster'
]),
'engine_version': uuid.uuid4().hex,
'internal_version': uuid.uuid4().hex,
'charging_mode': random.randint(0, 10),
'vpc_id': uuid.uuid4().hex,
'vpc_name': uuid.uuid4().hex,
'subnet_id': uuid.uuid4().hex,
'subnet_name': uuid.uuid4().hex,
'subnet_cidr': uuid.uuid4().hex,
'security_group_id': uuid.uuid4().hex,
'security_group_name': uuid.uuid4().hex,
'created_at': uuid.uuid4().hex,
'error_code': uuid.uuid4().hex,
'product_id': random.choice(['OTC_DCS_SINGLE',
'OTC_DCS_MS',
'OTC_DCS_CL']),
'available_zones': uuid.uuid4().hex,
'max_memory': random.randint(0, 10),
'used_memory': random.randint(0, 10),
'user_id': uuid.uuid4().hex,
'user_name': uuid.uuid4().hex,
'order_id': uuid.uuid4().hex,
'maintain_begin': uuid.uuid4().hex,
'maintain_end': uuid.uuid4().hex,
}
obj = instance.Instance.existing(**object_info)
return obj
class FakeStatistic(test_base.Fake):
"""Fake one or more Statistic"""
@classmethod
def generate(cls):
object_info = {
'instance_id': 'instance_id-' + uuid.uuid4().hex,
'max_memory': random.randint(1, 65535),
'used_memory': random.randint(1, 65535),
'cmd_get_count': random.randint(1, 65535),
'cmd_set_count': random.randint(1, 65535),
'used_cpu': 'cpu-' + uuid.uuid4().hex,
'input_kbps': 'input-' + uuid.uuid4().hex,
'output_kbps': 'output-' + uuid.uuid4().hex,
}
obj = statistic.Statistic.existing(**object_info)
return obj
class FakeBackup(test_base.Fake):
"""Fake one or more Backup"""
@classmethod
def generate(cls):
object_info = {
'instance_id': 'instance_id-' + uuid.uuid4().hex,
'id': 'id-' + uuid.uuid4().hex,
'size': random.randint(1, 65535),
'period': uuid.uuid4().hex,
'description': uuid.uuid4().hex,
'progress': uuid.uuid4().hex,
'created_at': uuid.uuid4().hex,
'updated_at': uuid.uuid4().hex,
'type': uuid.uuid4().hex,
'name': uuid.uuid4().hex,
'error_code': uuid.uuid4().hex,
'is_restorable': True,
}
obj = backup.Backup.existing(**object_info)
return obj
class FakeRestore(test_base.Fake):
"""Fake one or more Restore"""
@classmethod
def generate(cls):
object_info = {
'instance_id': 'instance_id-' + uuid.uuid4().hex,
'max_memory': random.randint(1, 65535),
'used_memory': random.randint(1, 65535),
'cmd_get_count': random.randint(1, 65535),
'cmd_set_count': random.randint(1, 65535),
'used_cpu': 'cpu-' + uuid.uuid4().hex,
'input_kbps': 'input-' + uuid.uuid4().hex,
'output_kbps': 'output-' + uuid.uuid4().hex
}
obj = restore.Restore.existing(**object_info)
return obj
class FakeConfig(test_base.Fake):
"""Fake one or more Config"""
@classmethod
def generate(cls):
object_info = {
'instance_id': 'instance_id-' + uuid.uuid4().hex,
'id': uuid.uuid4().hex,
'name': uuid.uuid4().hex,
'value': uuid.uuid4().hex,
'value_type': uuid.uuid4().hex,
'value_range': uuid.uuid4().hex,
'default_value': uuid.uuid4().hex,
'description': uuid.uuid4().hex
}
obj = config.Config.existing(**object_info)
return obj
| [((1083, 1094), 'mock.Mock', 'mock.Mock', ([], {}), '()\n', (1092, 1094), False, 'import mock\n'), ((1181, 1192), 'mock.Mock', 'mock.Mock', ([], {}), '()\n', (1190, 1192), False, 'import mock\n'), ((1229, 1240), 'mock.Mock', 'mock.Mock', ([], {}), '()\n', (1238, 1240), False, 'import mock\n'), ((1273, 1284), 'mock.Mock', 'mock.Mock', ([], {}), '()\n', (1282, 1284), False, 'import mock\n'), ((1323, 1334), 'mock.Mock', 'mock.Mock', ([], {}), '()\n', (1332, 1334), False, 'import mock\n'), ((1373, 1384), 'mock.Mock', 'mock.Mock', ([], {}), '()\n', (1382, 1384), False, 'import mock\n'), ((1423, 1434), 'mock.Mock', 'mock.Mock', ([], {}), '()\n', (1432, 1434), False, 'import mock\n'), ((1473, 1484), 'mock.Mock', 'mock.Mock', ([], {}), '()\n', (1482, 1484), False, 'import mock\n'), ((3566, 3607), 'otcextensions.sdk.dcs.v1.instance.Instance.existing', 'instance.Instance.existing', ([], {}), '(**object_info)\n', (3592, 3607), False, 'from otcextensions.sdk.dcs.v1 import instance\n'), ((4233, 4276), 'otcextensions.sdk.dcs.v1.statistic.Statistic.existing', 'statistic.Statistic.existing', ([], {}), '(**object_info)\n', (4261, 4276), False, 'from otcextensions.sdk.dcs.v1 import statistic\n'), ((4978, 5015), 'otcextensions.sdk.dcs.v1.backup.Backup.existing', 'backup.Backup.existing', ([], {}), '(**object_info)\n', (5000, 5015), False, 'from otcextensions.sdk.dcs.v1 import backup\n'), ((5635, 5674), 'otcextensions.sdk.dcs.v1.restore.Restore.existing', 'restore.Restore.existing', ([], {}), '(**object_info)\n', (5659, 5674), False, 'from otcextensions.sdk.dcs.v1 import restore\n'), ((6208, 6245), 'otcextensions.sdk.dcs.v1.config.Config.existing', 'config.Config.existing', ([], {}), '(**object_info)\n', (6230, 6245), False, 'from otcextensions.sdk.dcs.v1 import config\n'), ((1786, 1912), 'random.choice', 'random.choice', (["['CREATING', 'CREATEFILED', 'RUNNING', 'ERROR', 'STARTING', 'RESTARTING',\n 'CLOSING', 'CLOSED', 'EXTENDING']"], {}), "(['CREATING', 'CREATEFILED', 'RUNNING', 'ERROR', 'STARTING',\n 'RESTARTING', 'CLOSING', 'CLOSED', 'EXTENDING'])\n", (1799, 1912), False, 'import random\n'), ((2085, 2107), 'random.randint', 'random.randint', (['(1)', '(100)'], {}), '(1, 100)\n', (2099, 2107), False, 'import random\n'), ((2165, 2189), 'random.randint', 'random.randint', (['(1)', '(65535)'], {}), '(1, 65535)\n', (2179, 2189), False, 'import random\n'), ((2225, 2296), 'random.choice', 'random.choice', (["['dcs.single_node', 'dcs.master_standby', 'dcs.cluster']"], {}), "(['dcs.single_node', 'dcs.master_standby', 'dcs.cluster'])\n", (2238, 2296), False, 'import random\n'), ((2573, 2594), 'random.randint', 'random.randint', (['(0)', '(10)'], {}), '(0, 10)\n', (2587, 2594), False, 'import random\n'), ((3029, 3090), 'random.choice', 'random.choice', (["['OTC_DCS_SINGLE', 'OTC_DCS_MS', 'OTC_DCS_CL']"], {}), "(['OTC_DCS_SINGLE', 'OTC_DCS_MS', 'OTC_DCS_CL'])\n", (3042, 3090), False, 'import random\n'), ((3249, 3270), 'random.randint', 'random.randint', (['(0)', '(10)'], {}), '(0, 10)\n', (3263, 3270), False, 'import random\n'), ((3299, 3320), 'random.randint', 'random.randint', (['(0)', '(10)'], {}), '(0, 10)\n', (3313, 3320), False, 'import random\n'), ((3856, 3880), 'random.randint', 'random.randint', (['(1)', '(65535)'], {}), '(1, 65535)\n', (3870, 3880), False, 'import random\n'), ((3909, 3933), 'random.randint', 'random.randint', (['(1)', '(65535)'], {}), '(1, 65535)\n', (3923, 3933), False, 'import random\n'), ((3964, 3988), 'random.randint', 'random.randint', (['(1)', '(65535)'], {}), '(1, 65535)\n', (3978, 3988), False, 'import random\n'), ((4019, 4043), 'random.randint', 'random.randint', (['(1)', '(65535)'], {}), '(1, 65535)\n', (4033, 4043), False, 'import random\n'), ((4557, 4581), 'random.randint', 'random.randint', (['(1)', '(65535)'], {}), '(1, 65535)\n', (4571, 4581), False, 'import random\n'), ((5260, 5284), 'random.randint', 'random.randint', (['(1)', '(65535)'], {}), '(1, 65535)\n', (5274, 5284), False, 'import random\n'), ((5313, 5337), 'random.randint', 'random.randint', (['(1)', '(65535)'], {}), '(1, 65535)\n', (5327, 5337), False, 'import random\n'), ((5368, 5392), 'random.randint', 'random.randint', (['(1)', '(65535)'], {}), '(1, 65535)\n', (5382, 5392), False, 'import random\n'), ((5423, 5447), 'random.randint', 'random.randint', (['(1)', '(65535)'], {}), '(1, 65535)\n', (5437, 5447), False, 'import random\n'), ((2043, 2055), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (2053, 2055), False, 'import uuid\n'), ((2127, 2139), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (2137, 2139), False, 'import uuid\n'), ((2476, 2488), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (2486, 2488), False, 'import uuid\n'), ((2526, 2538), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (2536, 2538), False, 'import uuid\n'), ((2618, 2630), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (2628, 2630), False, 'import uuid\n'), ((2660, 2672), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (2670, 2672), False, 'import uuid\n'), ((2703, 2715), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (2713, 2715), False, 'import uuid\n'), ((2748, 2760), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (2758, 2760), False, 'import uuid\n'), ((2793, 2805), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (2803, 2805), False, 'import uuid\n'), ((2844, 2856), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (2854, 2856), False, 'import uuid\n'), ((2897, 2909), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (2907, 2909), False, 'import uuid\n'), ((2941, 2953), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (2951, 2953), False, 'import uuid\n'), ((2985, 2997), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (2995, 2997), False, 'import uuid\n'), ((3205, 3217), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (3215, 3217), False, 'import uuid\n'), ((3345, 3357), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (3355, 3357), False, 'import uuid\n'), ((3388, 3400), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (3398, 3400), False, 'import uuid\n'), ((3430, 3442), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (3440, 3442), False, 'import uuid\n'), ((3478, 3490), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (3488, 3490), False, 'import uuid\n'), ((3524, 3536), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (3534, 3536), False, 'import uuid\n'), ((4605, 4617), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (4615, 4617), False, 'import uuid\n'), ((4650, 4662), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (4660, 4662), False, 'import uuid\n'), ((4692, 4704), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (4702, 4704), False, 'import uuid\n'), ((4736, 4748), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (4746, 4748), False, 'import uuid\n'), ((4780, 4792), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (4790, 4792), False, 'import uuid\n'), ((4818, 4830), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (4828, 4830), False, 'import uuid\n'), ((4856, 4868), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (4866, 4868), False, 'import uuid\n'), ((4900, 4912), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (4910, 4912), False, 'import uuid\n'), ((5909, 5921), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (5919, 5921), False, 'import uuid\n'), ((5947, 5959), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (5957, 5959), False, 'import uuid\n'), ((5986, 5998), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (5996, 5998), False, 'import uuid\n'), ((6030, 6042), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (6040, 6042), False, 'import uuid\n'), ((6075, 6087), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (6085, 6087), False, 'import uuid\n'), ((6122, 6134), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (6132, 6134), False, 'import uuid\n'), ((6167, 6179), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (6177, 6179), False, 'import uuid\n'), ((1655, 1667), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (1665, 1667), False, 'import uuid\n'), ((1699, 1711), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (1709, 1711), False, 'import uuid\n'), ((3812, 3824), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (3822, 3824), False, 'import uuid\n'), ((4078, 4090), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (4088, 4090), False, 'import uuid\n'), ((4133, 4145), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (4143, 4145), False, 'import uuid\n'), ((4190, 4202), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (4200, 4202), False, 'import uuid\n'), ((4475, 4487), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (4485, 4487), False, 'import uuid\n'), ((4519, 4531), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (4529, 4531), False, 'import uuid\n'), ((5216, 5228), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (5226, 5228), False, 'import uuid\n'), ((5482, 5494), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (5492, 5494), False, 'import uuid\n'), ((5537, 5549), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (5547, 5549), False, 'import uuid\n'), ((5594, 5606), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (5604, 5606), False, 'import uuid\n'), ((5873, 5885), 'uuid.uuid4', 'uuid.uuid4', ([], {}), '()\n', (5883, 5885), False, 'import uuid\n')] |
csullivan/ffi-navigator | tests/dummy_repo/tvm/python/tvm/api.py | ed47678f9cb8c6d3637bf3219d3cf7b2754b84bb | from ._ffi.base import string_types
from ._ffi.object import register_object, Object
from ._ffi.node import register_node, NodeBase
from ._ffi.node import convert_to_node as _convert_to_node
from ._ffi.node_generic import _scalar_type_inference
from ._ffi.function import Function
from ._ffi.function import _init_api, register_func, get_global_func, extract_ext_funcs
from ._ffi.function import convert_to_tvm_func as _convert_tvm_func
from ._ffi.runtime_ctypes import TVMType
from . import _api_internal
from . import make as _make
from . import expr as _expr
from . import tensor as _tensor
from . import schedule as _schedule
from . import container as _container
from . import tag as _tag
int8 = "int8"
int32 = "int32"
float32 = "float32"
handle = "handle"
def min_value(dtype):
return _api_internal._min_value(dtype)
| [] |
Harry24k/adversarial-attacks-pytorch | torchattacks/attacks/multiattack.py | bfa2aa8d6f0c3b8086718f9f31526fcafa6995bb | import copy
import torch
from ..attack import Attack
class MultiAttack(Attack):
r"""
MultiAttack is a class to attack a model with various attacks agains same images and labels.
Arguments:
model (nn.Module): model to attack.
attacks (list): list of attacks.
Examples::
>>> atk1 = torchattacks.PGD(model, eps=8/255, alpha=2/255, iters=40, random_start=True)
>>> atk2 = torchattacks.PGD(model, eps=8/255, alpha=2/255, iters=40, random_start=True)
>>> atk = torchattacks.MultiAttack([atk1, atk2])
>>> adv_images = attack(images, labels)
"""
def __init__(self, attacks, verbose=False):
# Check validity
ids = []
for attack in attacks:
ids.append(id(attack.model))
if len(set(ids)) != 1:
raise ValueError("At least one of attacks is referencing a different model.")
super().__init__("MultiAttack", attack.model)
self.attacks = attacks
self.verbose = verbose
self._accumulate_multi_atk_records = False
self._multi_atk_records = [0.0]
self._supported_mode = ['default']
def forward(self, images, labels):
r"""
Overridden.
"""
batch_size = images.shape[0]
fails = torch.arange(batch_size).to(self.device)
final_images = images.clone().detach().to(self.device)
labels = labels.clone().detach().to(self.device)
multi_atk_records = [batch_size]
for _, attack in enumerate(self.attacks):
adv_images = attack(images[fails], labels[fails])
outputs = self.model(adv_images)
_, pre = torch.max(outputs.data, 1)
corrects = (pre == labels[fails])
wrongs = ~corrects
succeeds = torch.masked_select(fails, wrongs)
succeeds_of_fails = torch.masked_select(torch.arange(fails.shape[0]).to(self.device), wrongs)
final_images[succeeds] = adv_images[succeeds_of_fails]
fails = torch.masked_select(fails, corrects)
multi_atk_records.append(len(fails))
if len(fails) == 0:
break
if self.verbose:
print(self._return_sr_record(multi_atk_records))
if self._accumulate_multi_atk_records:
self._update_multi_atk_records(multi_atk_records)
return final_images
def _clear_multi_atk_records(self):
self._multi_atk_records = [0.0]
def _covert_to_success_rates(self, multi_atk_records):
sr = [((1-multi_atk_records[i]/multi_atk_records[0])*100) for i in range(1, len(multi_atk_records))]
return sr
def _return_sr_record(self, multi_atk_records):
sr = self._covert_to_success_rates(multi_atk_records)
return "Attack success rate: "+" | ".join(["%2.2f %%"%item for item in sr])
def _update_multi_atk_records(self, multi_atk_records):
for i, item in enumerate(multi_atk_records):
self._multi_atk_records[i] += item
def save(self, data_loader, save_path=None, verbose=True, return_verbose=False):
r"""
Overridden.
"""
self._clear_multi_atk_records()
verbose = self.verbose
self.verbose = False
self._accumulate_multi_atk_records = True
for i, attack in enumerate(self.attacks):
self._multi_atk_records.append(0.0)
rob_acc, l2, elapsed_time = super().save(data_loader, save_path, verbose, return_verbose)
sr = self._covert_to_success_rates(self._multi_atk_records)
self._clear_multi_atk_records()
self._accumulate_multi_atk_records = False
self.verbose = verbose
if return_verbose:
return rob_acc, sr, l2, elapsed_time
def _save_print(self, progress, rob_acc, l2, elapsed_time, end):
r"""
Overridden.
"""
print("- Save progress: %2.2f %% / Robust accuracy: %2.2f %%"%(progress, rob_acc)+\
" / "+self._return_sr_record(self._multi_atk_records)+\
' / L2: %1.5f (%2.3f it/s) \t'%(l2, elapsed_time), end=end)
| [((1669, 1695), 'torch.max', 'torch.max', (['outputs.data', '(1)'], {}), '(outputs.data, 1)\n', (1678, 1695), False, 'import torch\n'), ((1798, 1832), 'torch.masked_select', 'torch.masked_select', (['fails', 'wrongs'], {}), '(fails, wrongs)\n', (1817, 1832), False, 'import torch\n'), ((2028, 2064), 'torch.masked_select', 'torch.masked_select', (['fails', 'corrects'], {}), '(fails, corrects)\n', (2047, 2064), False, 'import torch\n'), ((1286, 1310), 'torch.arange', 'torch.arange', (['batch_size'], {}), '(batch_size)\n', (1298, 1310), False, 'import torch\n'), ((1885, 1913), 'torch.arange', 'torch.arange', (['fails.shape[0]'], {}), '(fails.shape[0])\n', (1897, 1913), False, 'import torch\n')] |
wotchin/openGauss-server | src/manager/om/script/gspylib/inspection/items/os/CheckPortConflict.py | ebd92e92b0cfd76b121d98e4c57a22d334573159 | # -*- coding:utf-8 -*-
# Copyright (c) 2020 Huawei Technologies Co.,Ltd.
#
# openGauss is licensed under Mulan PSL v2.
# You can use this software according to the terms
# and conditions of the Mulan PSL v2.
# You may obtain a copy of Mulan PSL v2 at:
#
# http://license.coscl.org.cn/MulanPSL2
#
# THIS SOFTWARE IS PROVIDED ON AN "AS IS" BASIS,
# WITHOUT WARRANTIES OF ANY KIND,
# EITHER EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO NON-INFRINGEMENT,
# MERCHANTABILITY OR FIT FOR A PARTICULAR PURPOSE.
# See the Mulan PSL v2 for more details.
# ----------------------------------------------------------------------------
import subprocess
from gspylib.inspection.common.CheckItem import BaseItem
from gspylib.inspection.common.CheckResult import ResultStatus
class CheckPortConflict(BaseItem):
def __init__(self):
super(CheckPortConflict, self).__init__(self.__class__.__name__)
def doCheck(self):
cmd = "netstat -apn | grep 'tcp' " \
"| grep 'LISTEN'| awk -F ' ' '$4 ~ /25[0-9][0-9][0-9]/'"
(status, output) = subprocess.getstatusoutput(cmd)
if (status != 0):
self.result.rst = ResultStatus.NG
self.result.val = "Failed to excuted commands: %s\noutput:%s " % (
cmd, output)
else:
if (output.strip() == ""):
self.result.rst = ResultStatus.OK
self.result.val = "ports is normal"
else:
self.result.rst = ResultStatus.NG
self.result.val = output
self.result.raw = "checked ports: (25000-26000)\n" + output
def doSet(self):
pidList = []
cmd = "netstat -apn| grep 'tcp'" \
"| grep 'LISTEN'| awk -F ' ' '$4 ~ /25[0-9][0-9][0-9]/'" \
"| awk '{print $NF}'"
(status, output) = subprocess.getstatusoutput(cmd)
if (status == 0 and output != ""):
for line in output.split('\n'):
if (line.find('/') > 0):
pid = line.split('/')[0].strip()
if (pid.isdigit()):
pidList.append(pid)
if (pidList):
cmd = "kill -9"
for pid in pidList:
cmd += " %s" % pid
(status, output) = subprocess.getstatusoutput(cmd)
if (status != ""):
self.result.val = "Failed to kill process.Error:%s\n" % output
self.result.val += "The cmd is %s " % cmd
else:
self.result.val = \
"Successfully killed the process with occupies the port.\n"
| [((1074, 1105), 'subprocess.getstatusoutput', 'subprocess.getstatusoutput', (['cmd'], {}), '(cmd)\n', (1100, 1105), False, 'import subprocess\n'), ((1848, 1879), 'subprocess.getstatusoutput', 'subprocess.getstatusoutput', (['cmd'], {}), '(cmd)\n', (1874, 1879), False, 'import subprocess\n'), ((2293, 2324), 'subprocess.getstatusoutput', 'subprocess.getstatusoutput', (['cmd'], {}), '(cmd)\n', (2319, 2324), False, 'import subprocess\n')] |
dfreeman06/wxyz | _scripts/_build.py | 663cf6593f4c0ca12f7b94b61e34c0a8d3cbcdfd | import subprocess
import sys
from . import ROOT, PY_SRC, _run, PY, DIST
CONDA_ORDER = [
"core",
"html",
"lab",
"datagrid",
"svg",
"tpl-jjinja"
"yaml"
]
CONDA_BUILD_ARGS = [
"conda-build", "-c", "conda-forge", "--output-folder", DIST / "conda-bld",
]
if __name__ == "__main__":
for pkg in PY_SRC.glob("wxyz_*"):
_run([PY, "setup.py", "sdist", "--dist-dir", DIST / "sdist"], cwd=str(pkg))
try:
_run([*CONDA_BUILD_ARGS, "--skip-existing", "."], cwd=ROOT / "recipes")
except:
for pkg in CONDA_ORDER:
_run([*CONDA_BUILD_ARGS, f"wxyz-{pkg}"], cwd=ROOT / "recipes")
| [] |
xiaopowanyi/py_scripts | scripts/C189/C189Checkin.py | 29f240800eefd6e0f91fd098c35ac3c451172ff8 | import requests, time, re, rsa, json, base64
from urllib import parse
s = requests.Session()
username = ""
password = ""
if(username == "" or password == ""):
username = input("账号:")
password = input("密码:")
def main():
login(username, password)
rand = str(round(time.time()*1000))
surl = f'https://api.cloud.189.cn/mkt/userSign.action?rand={rand}&clientType=TELEANDROID&version=8.6.3&model=SM-G930K'
url = f'https://m.cloud.189.cn/v2/drawPrizeMarketDetails.action?taskId=TASK_SIGNIN&activityId=ACT_SIGNIN'
url2 = f'https://m.cloud.189.cn/v2/drawPrizeMarketDetails.action?taskId=TASK_SIGNIN_PHOTOS&activityId=ACT_SIGNIN'
headers = {
'User-Agent':'Mozilla/5.0 (Linux; Android 5.1.1; SM-G930K Build/NRD90M; wv) AppleWebKit/537.36 (KHTML, like Gecko) Version/4.0 Chrome/74.0.3729.136 Mobile Safari/537.36 Ecloud/8.6.3 Android/22 clientId/355325117317828 clientModel/SM-G930K imsi/460071114317824 clientChannelId/qq proVersion/1.0.6',
"Referer" : "https://m.cloud.189.cn/zhuanti/2016/sign/index.jsp?albumBackupOpened=1",
"Host" : "m.cloud.189.cn",
"Accept-Encoding" : "gzip, deflate",
}
response = s.get(surl,headers=headers)
netdiskBonus = response.json()['netdiskBonus']
if(response.json()['isSign'] == "false"):
print(f"未签到,签到获得{netdiskBonus}M空间")
else:
print(f"已经签到过了,签到获得{netdiskBonus}M空间")
headers = {
'User-Agent':'Mozilla/5.0 (Linux; Android 5.1.1; SM-G930K Build/NRD90M; wv) AppleWebKit/537.36 (KHTML, like Gecko) Version/4.0 Chrome/74.0.3729.136 Mobile Safari/537.36 Ecloud/8.6.3 Android/22 clientId/355325117317828 clientModel/SM-G930K imsi/460071114317824 clientChannelId/qq proVersion/1.0.6',
"Referer" : "https://m.cloud.189.cn/zhuanti/2016/sign/index.jsp?albumBackupOpened=1",
"Host" : "m.cloud.189.cn",
"Accept-Encoding" : "gzip, deflate",
}
response = s.get(url,headers=headers)
try:
if ("errorCode" in response.text):
print(response.json()['errorCode'])
elif (response.json().has_key('description')):
description = response.json()['description']
print(f"抽奖获得{description}")
except:
print(f"抽奖1完成,解析时失败")
try:
response2 = s.get(url2,headers=headers)
if ("errorCode" in response2.text):
print(response.json()['errorCode'])
elif (response2.json().has_key('description')):
description = response2.json()['description']
print(f"抽奖2获得{description}")
except:
print(f"抽奖2完成,解析时失败")
BI_RM = list("0123456789abcdefghijklmnopqrstuvwxyz")
def int2char(a):
return BI_RM[a]
b64map = "ABCDEFGHIJKLMNOPQRSTUVWXYZabcdefghijklmnopqrstuvwxyz0123456789+/"
def b64tohex(a):
d = ""
e = 0
c = 0
for i in range(len(a)):
if list(a)[i] != "=":
v = b64map.index(list(a)[i])
if 0 == e:
e = 1
d += int2char(v >> 2)
c = 3 & v
elif 1 == e:
e = 2
d += int2char(c << 2 | v >> 4)
c = 15 & v
elif 2 == e:
e = 3
d += int2char(c)
d += int2char(v >> 2)
c = 3 & v
else:
e = 0
d += int2char(c << 2 | v >> 4)
d += int2char(15 & v)
if e == 1:
d += int2char(c << 2)
return d
def rsa_encode(j_rsakey, string):
rsa_key = f"-----BEGIN PUBLIC KEY-----\n{j_rsakey}\n-----END PUBLIC KEY-----"
pubkey = rsa.PublicKey.load_pkcs1_openssl_pem(rsa_key.encode())
result = b64tohex((base64.b64encode(rsa.encrypt(f'{string}'.encode(), pubkey))).decode())
return result
def calculate_md5_sign(params):
return hashlib.md5('&'.join(sorted(params.split('&'))).encode('utf-8')).hexdigest()
def login(username, password):
url = "https://cloud.189.cn/udb/udb_login.jsp?pageId=1&redirectURL=/main.action"
r = s.get(url)
captchaToken = re.findall(r"captchaToken' value='(.+?)'", r.text)[0]
lt = re.findall(r'lt = "(.+?)"', r.text)[0]
returnUrl = re.findall(r"returnUrl = '(.+?)'", r.text)[0]
paramId = re.findall(r'paramId = "(.+?)"', r.text)[0]
j_rsakey = re.findall(r'j_rsaKey" value="(\S+)"', r.text, re.M)[0]
s.headers.update({"lt": lt})
username = rsa_encode(j_rsakey, username)
password = rsa_encode(j_rsakey, password)
url = "https://open.e.189.cn/api/logbox/oauth2/loginSubmit.do"
headers = {
'User-Agent': 'Mozilla/5.0 (Windows NT 10.0; Win64; x64; rv:74.0) Gecko/20100101 Firefox/76.0',
'Referer': 'https://open.e.189.cn/',
}
data = {
"appKey": "cloud",
"accountType": '01',
"userName": f"{{RSA}}{username}",
"password": f"{{RSA}}{password}",
"validateCode": "",
"captchaToken": captchaToken,
"returnUrl": returnUrl,
"mailSuffix": "@189.cn",
"paramId": paramId
}
r = s.post(url, data=data, headers=headers, timeout=5)
if(r.json()['result'] == 0):
print(r.json()['msg'])
else:
print(r.json()['msg'])
redirect_url = r.json()['toUrl']
r = s.get(redirect_url)
return s
if __name__ == "__main__":
main()
| [((75, 93), 'requests.Session', 'requests.Session', ([], {}), '()\n', (91, 93), False, 'import requests, time, re, rsa, json, base64\n'), ((4011, 4060), 're.findall', 're.findall', (['"""captchaToken\' value=\'(.+?)\'"""', 'r.text'], {}), '("captchaToken\' value=\'(.+?)\'", r.text)\n', (4021, 4060), False, 'import requests, time, re, rsa, json, base64\n'), ((4074, 4108), 're.findall', 're.findall', (['"""lt = "(.+?)\\""""', 'r.text'], {}), '(\'lt = "(.+?)"\', r.text)\n', (4084, 4108), False, 'import requests, time, re, rsa, json, base64\n'), ((4129, 4170), 're.findall', 're.findall', (['"""returnUrl = \'(.+?)\'"""', 'r.text'], {}), '("returnUrl = \'(.+?)\'", r.text)\n', (4139, 4170), False, 'import requests, time, re, rsa, json, base64\n'), ((4189, 4228), 're.findall', 're.findall', (['"""paramId = "(.+?)\\""""', 'r.text'], {}), '(\'paramId = "(.+?)"\', r.text)\n', (4199, 4228), False, 'import requests, time, re, rsa, json, base64\n'), ((4248, 4300), 're.findall', 're.findall', (['"""j_rsaKey" value="(\\\\S+)\\""""', 'r.text', 're.M'], {}), '(\'j_rsaKey" value="(\\\\S+)"\', r.text, re.M)\n', (4258, 4300), False, 'import requests, time, re, rsa, json, base64\n'), ((282, 293), 'time.time', 'time.time', ([], {}), '()\n', (291, 293), False, 'import requests, time, re, rsa, json, base64\n')] |
lijiacd985/Mplot | Mmint/CGratio.py | adea07aa78a5495cf3551618f6ec2c08fa7c1029 | import subprocess
from .Genome_fasta import get_fasta
import matplotlib
matplotlib.use('Agg')
from matplotlib import pyplot as plt
import numpy as np
import pysam
def run(parser):
args = parser.parse_args()
bases,chrs = get_fasta(args.genome)
l={}
for c in chrs:
l[c]=len(bases[c])
chrs = set(chrs)
#p = subprocess.Popen('bamToBed -i '+args.bamfile,shell=True,stdout=subprocess.PIPE,stderr=subprocess.PIPE)
reads_num=0
reads_cg_num=[0,0,0] #CG,cg,Cg
cgnum_per_read=[]
with pysam.AlignmentFile(args.bamfile) as f:
for line in f:
#t = line.decode('utf-8').strip().split()
chr = line.reference_name#t[0]
start= line.reference_start
end= line.reference_end
strand= not line.is_reverse # True +strand; False -strand
if not chr in chrs: continue
end=min(end+1,l[chr])
reads_num+=1
if strand:#=='+':
cg=[bases[chr].count('CG',start,end)+bases[chr].count('Cg',start,end),bases[chr].count('cG',start,end)+bases[chr].count('cg',start,end)]
else:
cg=[bases[chr].count('GC',start,end)+bases[chr].count('gC',start,end),bases[chr].count('Gc',start,end)+bases[chr].count('gc',start,end)]
#We need to consider strand specific situation.
#'+' strand we have CG but '-' we should count 'GC'.
#print cg
# for i in range(1,ls):
# r2=read[i]
# r1=read[i-1]
# if 'G'==r2 or 'g'==r2:
# if 'C'==r1: cg[0]+=1
# if 'c'==r1: cg[1]+=1
#count = int(cg[0]>0)+int(cg[1]>0)
if cg[0]+cg[1]==0: continue
#print cg
cgnum_per_read.append(sum(cg))
if cg[0]>0 and cg[1]>0:
reads_cg_num[2]+=1
continue
if cg[0]>0:
reads_cg_num[0]+=1
else:
reads_cg_num[1]+=1
#print reads_cg_num
#print reads_num
plt.figure()
plt.subplot(211)
labels = ['noCG','NonRepeat CG','Repeat cg','CGcg mix']
colors = ['r','b','g','y']
explode=(0.05,0,0,0)
sizes=[reads_num-sum(reads_cg_num)]+reads_cg_num
patches,l_text,p_text = plt.pie(sizes,explode=explode,labels=labels,colors=colors, labeldistance = 1.1,autopct = '%3.1f%%',shadow = False, startangle = 90,pctdistance = 0.6)
plt.axis('equal')
#plt.legend(loc=2,bbox_to_anchor=(0, 0))
ax=plt.subplot(212)
t=np.zeros(20)
for num in cgnum_per_read:
t[min(num-1,19)]+=1
labels = list(map(str,np.arange(1,20)))+['20+']
#print(t)
t = (np.array(t).astype(float)/sum(reads_cg_num))*100
plt.bar(np.arange(20),t)
ax.set_xticks(np.arange(20))
ax.set_xticklabels(labels)
ax.set_ylabel('Percentage of reads including CG')
ax.set_xlabel('CG number per read')
plt.text(4,max(t)+4,'All reads including CG site: '+str(sum(reads_cg_num)))
#print args.output+'.pdf'
plt.savefig(args.output+'.pdf')
if __name__=="__main__":
import argparse
parser = argparse.ArgumentParser()
parser.add_argument('-b','--bamfile',help="bam file name", metavar="FILE")
parser.add_argument('-g','--genome',help="Genome fasta file path")
parser.add_argument('-o','--output',help="pie figure's filename")
run(parser)
| [((72, 93), 'matplotlib.use', 'matplotlib.use', (['"""Agg"""'], {}), "('Agg')\n", (86, 93), False, 'import matplotlib\n'), ((1984, 1996), 'matplotlib.pyplot.figure', 'plt.figure', ([], {}), '()\n', (1994, 1996), True, 'from matplotlib import pyplot as plt\n'), ((2001, 2017), 'matplotlib.pyplot.subplot', 'plt.subplot', (['(211)'], {}), '(211)\n', (2012, 2017), True, 'from matplotlib import pyplot as plt\n'), ((2215, 2365), 'matplotlib.pyplot.pie', 'plt.pie', (['sizes'], {'explode': 'explode', 'labels': 'labels', 'colors': 'colors', 'labeldistance': '(1.1)', 'autopct': '"""%3.1f%%"""', 'shadow': '(False)', 'startangle': '(90)', 'pctdistance': '(0.6)'}), "(sizes, explode=explode, labels=labels, colors=colors, labeldistance\n =1.1, autopct='%3.1f%%', shadow=False, startangle=90, pctdistance=0.6)\n", (2222, 2365), True, 'from matplotlib import pyplot as plt\n'), ((2370, 2387), 'matplotlib.pyplot.axis', 'plt.axis', (['"""equal"""'], {}), "('equal')\n", (2378, 2387), True, 'from matplotlib import pyplot as plt\n'), ((2440, 2456), 'matplotlib.pyplot.subplot', 'plt.subplot', (['(212)'], {}), '(212)\n', (2451, 2456), True, 'from matplotlib import pyplot as plt\n'), ((2463, 2475), 'numpy.zeros', 'np.zeros', (['(20)'], {}), '(20)\n', (2471, 2475), True, 'import numpy as np\n'), ((2960, 2993), 'matplotlib.pyplot.savefig', 'plt.savefig', (["(args.output + '.pdf')"], {}), "(args.output + '.pdf')\n", (2971, 2993), True, 'from matplotlib import pyplot as plt\n'), ((3051, 3076), 'argparse.ArgumentParser', 'argparse.ArgumentParser', ([], {}), '()\n', (3074, 3076), False, 'import argparse\n'), ((523, 556), 'pysam.AlignmentFile', 'pysam.AlignmentFile', (['args.bamfile'], {}), '(args.bamfile)\n', (542, 556), False, 'import pysam\n'), ((2671, 2684), 'numpy.arange', 'np.arange', (['(20)'], {}), '(20)\n', (2680, 2684), True, 'import numpy as np\n'), ((2706, 2719), 'numpy.arange', 'np.arange', (['(20)'], {}), '(20)\n', (2715, 2719), True, 'import numpy as np\n'), ((2561, 2577), 'numpy.arange', 'np.arange', (['(1)', '(20)'], {}), '(1, 20)\n', (2570, 2577), True, 'import numpy as np\n'), ((2610, 2621), 'numpy.array', 'np.array', (['t'], {}), '(t)\n', (2618, 2621), True, 'import numpy as np\n')] |
sethmlarson/furo | src/furo/__init__.py | 1257d884dae9040248380595e06d7d2a1e6eba39 | """A clean customisable Sphinx documentation theme."""
__version__ = "2020.9.8.beta2"
from pathlib import Path
from .body import wrap_tables
from .code import get_pygments_style_colors
from .navigation import get_navigation_tree
from .toc import should_hide_toc
def _html_page_context(app, pagename, templatename, context, doctree):
if app.config.html_theme != "furo":
return
# Custom Navigation Tree (adds checkboxes and labels)
toctree = context.get("toctree", lambda **kwargs: "")
toctree_html = toctree(
collapse=False, titles_only=True, maxdepth=-1, includehidden=True
)
context["furo_navigation_tree"] = get_navigation_tree(toctree_html)
# Custom "should hide ToC" logic
context["furo_hide_toc"] = should_hide_toc(context.get("toc", ""))
# Allow for hiding toc via ToC in page-wide metadata.
if "hide-toc" in (context.get("meta", None) or {}):
context["furo_hide_toc"] = True
# Inject information about styles
colors = get_pygments_style_colors(
app.builder.highlighter.formatter_args["style"],
fallbacks={"foreground": "#000000", "background": "#FFFFFF"},
)
context["furo_pygments"] = colors
# Patch the content
if "body" in context:
context["body"] = wrap_tables(context["body"])
def setup(app):
"""Entry point for sphinx theming."""
theme_path = (Path(__file__).parent / "theme").resolve()
app.add_html_theme("furo", str(theme_path))
app.connect("html-page-context", _html_page_context)
| [((1387, 1401), 'pathlib.Path', 'Path', (['__file__'], {}), '(__file__)\n', (1391, 1401), False, 'from pathlib import Path\n')] |
fretboardfreak/potty_oh | experiments/mix_down.py | 70b752c719576c0975e1d2af5aca2fc7abc8abcc | #!/usr/bin/env python3
# Copyright 2016 Curtis Sand
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
"""A test for what happens when two waveforms are averaged together."""
from potty_oh import common
from potty_oh.wav_file import wav_file_context
from potty_oh.waveform import mix_down
from potty_oh.signal_generator import Generator
from potty_oh.music.pitch import Key
from potty_oh.music.interval import Interval
def main():
parser = common.get_cmd_line_parser(description=__doc__)
common.ParserArguments.filename(parser)
common.ParserArguments.length(parser)
common.ParserArguments.framerate(parser)
common.ParserArguments.set_defaults(parser, type='constant',
length=2.0)
args = parser.parse_args()
common.defaults.framerate = args.framerate
sg = Generator(length=args.length, verbose=args.debug)
key = Key()
unison = sg.sin_constant(key.interval(Interval.unison))
maj_third = sg.sin_constant(key.interval(Interval.major_third))
min_third = sg.sin_constant(key.interval(Interval.minor_third))
fifth = sg.sin_constant(key.interval(Interval.fifth))
powerchord = unison.mix_down(fifth)
maj_triad = powerchord.mix_down(maj_third)
min_triad = mix_down(powerchord, min_third)
with wav_file_context(args.filename) as fout:
fout.write_frames(powerchord.frames)
fout.write_frames(maj_triad.frames)
fout.write_frames(min_triad.frames)
return 0
if __name__ == "__main__":
common.call_main(main)
| [((963, 1010), 'potty_oh.common.get_cmd_line_parser', 'common.get_cmd_line_parser', ([], {'description': '__doc__'}), '(description=__doc__)\n', (989, 1010), False, 'from potty_oh import common\n'), ((1015, 1054), 'potty_oh.common.ParserArguments.filename', 'common.ParserArguments.filename', (['parser'], {}), '(parser)\n', (1046, 1054), False, 'from potty_oh import common\n'), ((1059, 1096), 'potty_oh.common.ParserArguments.length', 'common.ParserArguments.length', (['parser'], {}), '(parser)\n', (1088, 1096), False, 'from potty_oh import common\n'), ((1101, 1141), 'potty_oh.common.ParserArguments.framerate', 'common.ParserArguments.framerate', (['parser'], {}), '(parser)\n', (1133, 1141), False, 'from potty_oh import common\n'), ((1146, 1218), 'potty_oh.common.ParserArguments.set_defaults', 'common.ParserArguments.set_defaults', (['parser'], {'type': '"""constant"""', 'length': '(2.0)'}), "(parser, type='constant', length=2.0)\n", (1181, 1218), False, 'from potty_oh import common\n'), ((1347, 1396), 'potty_oh.signal_generator.Generator', 'Generator', ([], {'length': 'args.length', 'verbose': 'args.debug'}), '(length=args.length, verbose=args.debug)\n', (1356, 1396), False, 'from potty_oh.signal_generator import Generator\n'), ((1408, 1413), 'potty_oh.music.pitch.Key', 'Key', ([], {}), '()\n', (1411, 1413), False, 'from potty_oh.music.pitch import Key\n'), ((1773, 1804), 'potty_oh.waveform.mix_down', 'mix_down', (['powerchord', 'min_third'], {}), '(powerchord, min_third)\n', (1781, 1804), False, 'from potty_oh.waveform import mix_down\n'), ((2036, 2058), 'potty_oh.common.call_main', 'common.call_main', (['main'], {}), '(main)\n', (2052, 2058), False, 'from potty_oh import common\n'), ((1815, 1846), 'potty_oh.wav_file.wav_file_context', 'wav_file_context', (['args.filename'], {}), '(args.filename)\n', (1831, 1846), False, 'from potty_oh.wav_file import wav_file_context\n')] |
fabaff/hrepr | tests/test_hrepr.py | f6de915f1d34c47ceab11f5f70e433a30e6de174 | from dataclasses import dataclass
from hrepr import H
from hrepr import hrepr as real_hrepr
from hrepr.h import styledir
from .common import one_test_per_assert
css_hrepr = open(f"{styledir}/hrepr.css", encoding="utf-8").read()
hrepr = real_hrepr.variant(fill_resources=False)
@dataclass
class Point:
x: int
y: int
class Opaque:
pass
def hshort(x, **kw):
return hrepr(x, max_depth=0, **kw)
@one_test_per_assert
def test_singletons():
assert hrepr(True) == H.span["hreprv-True"]("True")
assert hrepr(False) == H.span["hreprv-False"]("False")
assert hrepr(None) == H.span["hreprv-None"]("None")
@one_test_per_assert
def test_numbers():
assert hrepr(123) == H.span["hreprt-int"]("123")
assert hrepr(1.25) == H.span["hreprt-float"]("1.25")
@one_test_per_assert
def test_string():
assert hshort("hello") == H.span["hreprt-str"]("hello")
assert hrepr("3 spaces") == H.span["hreprt-str"]("3 spaces")
assert hrepr("hello this is a bit long") == H.span["hreprt-str"](
"hello this is a bit long"
)
assert hshort("hello this is a bit long") == H.span["hreprt-str"](
"hello this is a b..."
)
assert hshort("hello this is a bit long", string_cutoff=10) == H.span[
"hreprt-str"
]("hello t...")
assert hshort("hello this is a bit long", string_cutoff=5) == H.span[
"hreprt-str"
]("he...")
assert hshort("hello this is a bit long", string_cutoff=10000) == H.span[
"hreprt-str"
]("hello this is a bit long")
@one_test_per_assert
def test_bytes():
assert hrepr(b"hello") == H.span["hreprt-bytes"]("68656c6c6f")
assert hshort(b"hello") == H.span["hreprt-bytes"]("68656c6c6f")
assert hrepr(b"hello this is a bit long") == H.span["hreprt-bytes"](
"68656c6c6f2074686973206973206120626974206c6f6e67"
)
assert hshort(b"hello this is a bit long") == H.span["hreprt-bytes"](
"68656c6c6f2074686..."
)
def test_function():
assert hrepr(Opaque) == H.span["hreprk-class"](
H.span["hrepr-defn-key"]("class"),
" ",
H.span["hrepr-defn-name"]("Opaque"),
)
def test_structures():
for typ, o, c in (
(tuple, "(", ")"),
(list, "[", "]"),
(set, "{", "}"),
(frozenset, "{", "}"),
):
clsname = typ.__name__
assert hrepr(typ((1, 2))) == H.div[
f"hreprt-{clsname}", "hrepr-bracketed"
](
H.div["hrepr-open"](o),
H.div["hreprl-h", "hrepr-body"](
H.div(H.span["hreprt-int"]("1")),
H.div(H.span["hreprt-int"]("2")),
),
H.div["hrepr-close"](c),
)
def test_short_structures():
for val, o, c in (
((1, 2), "(", ")"),
([1, 2], "[", "]"),
({1, 2}, "{", "}"),
(frozenset({1, 2}), "{", "}"),
({"x": 1, "y": 2}, "{", "}"),
):
clsname = type(val).__name__
assert hrepr(val, max_depth=0) == H.div[
f"hreprt-{clsname}", "hrepr-bracketed"
](
H.div["hrepr-open"](o),
H.div["hreprl-s", "hrepr-body"](H.div("...")),
H.div["hrepr-close"](c),
)
def test_dict():
pt = {"x": 1, "y": 2}
assert hrepr(pt) == H.div["hreprt-dict", "hrepr-bracketed"](
H.div["hrepr-open"]("{"),
H.table["hrepr-body"](
H.tr(
H.td(H.span["hreprt-str"]("x")),
H.td["hrepr-delim"](": "),
H.td(H.span["hreprt-int"]("1")),
),
H.tr(
H.td(H.span["hreprt-str"]("y")),
H.td["hrepr-delim"](": "),
H.td(H.span["hreprt-int"]("2")),
),
),
H.div["hrepr-close"]("}"),
)
def test_dataclass():
pt = Point(1, 2)
assert hrepr(pt) == H.div["hreprt-Point", "hrepr-instance", "hreprl-v"](
H.div["hrepr-title"]("Point"),
H.table["hrepr-body"](
H.tr(
H.td(H.span["hreprt-symbol"]("x")),
H.td["hrepr-delim"]("="),
H.td(H.span["hreprt-int"]("1")),
),
H.tr(
H.td(H.span["hreprt-symbol"]("y")),
H.td["hrepr-delim"]("="),
H.td(H.span["hreprt-int"]("2")),
),
),
)
assert hrepr(pt, max_depth=0) == H.div[
"hreprt-Point", "hrepr-instance", "hreprl-s"
](
H.div["hrepr-title"]("Point"),
H.div["hreprl-s", "hrepr-body"](H.div("...")),
)
def test_tag():
tg = H.span["hello"](1, 2, H.b("there"))
assert hrepr(tg) == tg
def test_multiref():
li = [1, 2]
lili = [li, li]
assert hrepr(lili) == H.div["hreprt-list", "hrepr-bracketed"](
H.div["hrepr-open"]("["),
H.div["hreprl-h", "hrepr-body"](
H.div(
H.div["hrepr-refbox"](
H.span["hrepr-ref"]("#", 1, "="),
H.div["hreprt-list", "hrepr-bracketed"](
H.div["hrepr-open"]("["),
H.div["hreprl-h", "hrepr-body"](
H.div(H.span["hreprt-int"]("1")),
H.div(H.span["hreprt-int"]("2")),
),
H.div["hrepr-close"]("]"),
),
)
),
H.div(
H.div["hrepr-refbox"](
H.span["hrepr-ref"]("#", 1, "="),
H.div["hreprt-list", "hrepr-bracketed"](
H.div["hrepr-open"]("["),
H.div["hreprl-s", "hrepr-body"](H.div("..."),),
H.div["hrepr-close"]("]"),
),
)
),
),
H.div["hrepr-close"]("]"),
)
assert hrepr(lili, shortrefs=True) == H.div[
"hreprt-list", "hrepr-bracketed"
](
H.div["hrepr-open"]("["),
H.div["hreprl-h", "hrepr-body"](
H.div(
H.div["hrepr-refbox"](
H.span["hrepr-ref"]("#", 1, "="),
H.div["hreprt-list", "hrepr-bracketed"](
H.div["hrepr-open"]("["),
H.div["hreprl-h", "hrepr-body"](
H.div(H.span["hreprt-int"]("1")),
H.div(H.span["hreprt-int"]("2")),
),
H.div["hrepr-close"]("]"),
),
)
),
H.div(H.span["hrepr-ref"]("#", 1)),
),
H.div["hrepr-close"]("]"),
)
def test_recursive():
li = [1]
li.append(li)
assert hrepr(li) == H.div["hrepr-refbox"](
H.span["hrepr-ref"]("#", 1, "="),
H.div["hreprt-list", "hrepr-bracketed"](
H.div["hrepr-open"]("["),
H.div["hreprl-h", "hrepr-body"](
H.div(H.span["hreprt-int"]("1")),
H.div(
H.div["hrepr-refbox"](
H.span["hrepr-ref"]("⟳", 1, "="),
H.div["hreprt-list", "hrepr-bracketed"](
H.div["hrepr-open"]("["),
H.div["hreprl-s", "hrepr-body"](H.div("..."),),
H.div["hrepr-close"]("]"),
),
)
),
),
H.div["hrepr-close"]("]"),
),
)
assert hrepr(li, shortrefs=True) == H.div["hrepr-refbox"](
H.span["hrepr-ref"]("#", 1, "="),
H.div["hreprt-list", "hrepr-bracketed"](
H.div["hrepr-open"]("["),
H.div["hreprl-h", "hrepr-body"](
H.div(H.span["hreprt-int"]("1")),
H.div(H.span["hrepr-ref"]("⟳", 1)),
),
H.div["hrepr-close"]("]"),
),
)
def test_unsupported():
assert hshort(Opaque()) == H.span["hreprt-Opaque"](
"<", "tests.test_hrepr.Opaque", ">"
)
def test_as_page():
utf8 = H.meta(
{"http-equiv": "Content-type"}, content="text/html", charset="UTF-8"
)
assert real_hrepr.page(1) == H.inline(
H.raw("<!DOCTYPE html>"),
H.html(H.head(utf8, H.style(css_hrepr)), H.body(real_hrepr(1)),),
)
def test_hrepr_multiarg():
assert hrepr(1, 2) == H.inline(
H.span["hreprt-int"]("1"), H.span["hreprt-int"]("2"),
)
def test_preprocess():
assert hrepr(1, preprocess=lambda x, hrepr: x + 1) == H.span["hreprt-int"](
"2"
)
def test_postprocess():
assert hrepr(1, postprocess=lambda x, obj, hrepr: x["newclass"]) == H.span[
"newclass", "hreprt-int"
]("1")
| [((239, 279), 'hrepr.hrepr.variant', 'real_hrepr.variant', ([], {'fill_resources': '(False)'}), '(fill_resources=False)\n', (257, 279), True, 'from hrepr import hrepr as real_hrepr\n'), ((8050, 8126), 'hrepr.H.meta', 'H.meta', (["{'http-equiv': 'Content-type'}"], {'content': '"""text/html"""', 'charset': '"""UTF-8"""'}), "({'http-equiv': 'Content-type'}, content='text/html', charset='UTF-8')\n", (8056, 8126), False, 'from hrepr import H\n'), ((4588, 4600), 'hrepr.H.b', 'H.b', (['"""there"""'], {}), "('there')\n", (4591, 4600), False, 'from hrepr import H\n'), ((8152, 8170), 'hrepr.hrepr.page', 'real_hrepr.page', (['(1)'], {}), '(1)\n', (8167, 8170), True, 'from hrepr import hrepr as real_hrepr\n'), ((8192, 8216), 'hrepr.H.raw', 'H.raw', (['"""<!DOCTYPE html>"""'], {}), "('<!DOCTYPE html>')\n", (8197, 8216), False, 'from hrepr import H\n'), ((4518, 4530), 'hrepr.H.div', 'H.div', (['"""..."""'], {}), "('...')\n", (4523, 4530), False, 'from hrepr import H\n'), ((3135, 3147), 'hrepr.H.div', 'H.div', (['"""..."""'], {}), "('...')\n", (3140, 3147), False, 'from hrepr import H\n'), ((8246, 8264), 'hrepr.H.style', 'H.style', (['css_hrepr'], {}), '(css_hrepr)\n', (8253, 8264), False, 'from hrepr import H\n'), ((8274, 8287), 'hrepr.hrepr', 'real_hrepr', (['(1)'], {}), '(1)\n', (8284, 8287), True, 'from hrepr import hrepr as real_hrepr\n'), ((5648, 5660), 'hrepr.H.div', 'H.div', (['"""..."""'], {}), "('...')\n", (5653, 5660), False, 'from hrepr import H\n'), ((7264, 7276), 'hrepr.H.div', 'H.div', (['"""..."""'], {}), "('...')\n", (7269, 7276), False, 'from hrepr import H\n')] |
shivangdubey/sympy | sympy/assumptions/assume.py | bd3ddd4c71d439c8b623f69a02274dd8a8a82198 | import inspect
from sympy.core.cache import cacheit
from sympy.core.singleton import S
from sympy.core.sympify import _sympify
from sympy.logic.boolalg import Boolean
from sympy.utilities.source import get_class
from contextlib import contextmanager
class AssumptionsContext(set):
"""Set representing assumptions.
This is used to represent global assumptions, but you can also use this
class to create your own local assumptions contexts. It is basically a thin
wrapper to Python's set, so see its documentation for advanced usage.
Examples
========
>>> from sympy import Q
>>> from sympy.assumptions.assume import global_assumptions
>>> global_assumptions
AssumptionsContext()
>>> from sympy.abc import x
>>> global_assumptions.add(Q.real(x))
>>> global_assumptions
AssumptionsContext({Q.real(x)})
>>> global_assumptions.remove(Q.real(x))
>>> global_assumptions
AssumptionsContext()
>>> global_assumptions.clear()
"""
def add(self, *assumptions):
"""Add an assumption."""
for a in assumptions:
super().add(a)
def _sympystr(self, printer):
if not self:
return "%s()" % self.__class__.__name__
return "{}({})".format(self.__class__.__name__, printer._print_set(self))
global_assumptions = AssumptionsContext()
class AppliedPredicate(Boolean):
"""The class of expressions resulting from applying a Predicate.
Examples
========
>>> from sympy import Q, Symbol
>>> x = Symbol('x')
>>> Q.integer(x)
Q.integer(x)
>>> type(Q.integer(x))
<class 'sympy.assumptions.assume.AppliedPredicate'>
"""
__slots__ = ()
def __new__(cls, predicate, arg):
arg = _sympify(arg)
return Boolean.__new__(cls, predicate, arg)
is_Atom = True # do not attempt to decompose this
@property
def arg(self):
"""
Return the expression used by this assumption.
Examples
========
>>> from sympy import Q, Symbol
>>> x = Symbol('x')
>>> a = Q.integer(x + 1)
>>> a.arg
x + 1
"""
return self._args[1]
@property
def args(self):
return self._args[1:]
@property
def func(self):
return self._args[0]
@cacheit
def sort_key(self, order=None):
return (self.class_key(), (2, (self.func.name, self.arg.sort_key())),
S.One.sort_key(), S.One)
def __eq__(self, other):
if type(other) is AppliedPredicate:
return self._args == other._args
return False
def __hash__(self):
return super().__hash__()
def _eval_ask(self, assumptions):
return self.func.eval(self.arg, assumptions)
@property
def binary_symbols(self):
from sympy.core.relational import Eq, Ne
if self.func.name in ['is_true', 'is_false']:
i = self.arg
if i.is_Boolean or i.is_Symbol or isinstance(i, (Eq, Ne)):
return i.binary_symbols
return set()
class Predicate(Boolean):
"""A predicate is a function that returns a boolean value.
Predicates merely wrap their argument and remain unevaluated:
>>> from sympy import Q, ask
>>> type(Q.prime)
<class 'sympy.assumptions.assume.Predicate'>
>>> Q.prime.name
'prime'
>>> Q.prime(7)
Q.prime(7)
>>> _.func.name
'prime'
To obtain the truth value of an expression containing predicates, use
the function ``ask``:
>>> ask(Q.prime(7))
True
The tautological predicate ``Q.is_true`` can be used to wrap other objects:
>>> from sympy.abc import x
>>> Q.is_true(x > 1)
Q.is_true(x > 1)
"""
is_Atom = True
def __new__(cls, name, handlers=None):
obj = Boolean.__new__(cls)
obj.name = name
obj.handlers = handlers or []
return obj
def _hashable_content(self):
return (self.name,)
def __getnewargs__(self):
return (self.name,)
def __call__(self, expr):
return AppliedPredicate(self, expr)
def add_handler(self, handler):
self.handlers.append(handler)
def remove_handler(self, handler):
self.handlers.remove(handler)
@cacheit
def sort_key(self, order=None):
return self.class_key(), (1, (self.name,)), S.One.sort_key(), S.One
def eval(self, expr, assumptions=True):
"""
Evaluate self(expr) under the given assumptions.
This uses only direct resolution methods, not logical inference.
"""
res, _res = None, None
mro = inspect.getmro(type(expr))
for handler in self.handlers:
cls = get_class(handler)
for subclass in mro:
eval_ = getattr(cls, subclass.__name__, None)
if eval_ is None:
continue
res = eval_(expr, assumptions)
# Do not stop if value returned is None
# Try to check for higher classes
if res is None:
continue
if _res is None:
_res = res
elif res is None:
# since first resolutor was conclusive, we keep that value
res = _res
else:
# only check consistency if both resolutors have concluded
if _res != res:
raise ValueError('incompatible resolutors')
break
return res
@contextmanager
def assuming(*assumptions):
""" Context manager for assumptions
Examples
========
>>> from sympy.assumptions import assuming, Q, ask
>>> from sympy.abc import x, y
>>> print(ask(Q.integer(x + y)))
None
>>> with assuming(Q.integer(x), Q.integer(y)):
... print(ask(Q.integer(x + y)))
True
"""
old_global_assumptions = global_assumptions.copy()
global_assumptions.update(assumptions)
try:
yield
finally:
global_assumptions.clear()
global_assumptions.update(old_global_assumptions)
| [((1752, 1765), 'sympy.core.sympify._sympify', '_sympify', (['arg'], {}), '(arg)\n', (1760, 1765), False, 'from sympy.core.sympify import _sympify\n'), ((1781, 1817), 'sympy.logic.boolalg.Boolean.__new__', 'Boolean.__new__', (['cls', 'predicate', 'arg'], {}), '(cls, predicate, arg)\n', (1796, 1817), False, 'from sympy.logic.boolalg import Boolean\n'), ((3880, 3900), 'sympy.logic.boolalg.Boolean.__new__', 'Boolean.__new__', (['cls'], {}), '(cls)\n', (3895, 3900), False, 'from sympy.logic.boolalg import Boolean\n'), ((2459, 2475), 'sympy.core.singleton.S.One.sort_key', 'S.One.sort_key', ([], {}), '()\n', (2473, 2475), False, 'from sympy.core.singleton import S\n'), ((4433, 4449), 'sympy.core.singleton.S.One.sort_key', 'S.One.sort_key', ([], {}), '()\n', (4447, 4449), False, 'from sympy.core.singleton import S\n'), ((4785, 4803), 'sympy.utilities.source.get_class', 'get_class', (['handler'], {}), '(handler)\n', (4794, 4803), False, 'from sympy.utilities.source import get_class\n')] |
IDLabResearch/seriesdistancematrix | distancematrix/tests/consumer/test_distance_matrix.py | c0e666d036f24184511e766cee9fdfa55f41df97 | import numpy as np
from unittest import TestCase
import numpy.testing as npt
from distancematrix.util import diag_indices_of
from distancematrix.consumer.distance_matrix import DistanceMatrix
class TestContextualMatrixProfile(TestCase):
def setUp(self):
self.dist_matrix = np.array([
[8.67, 1.10, 1.77, 1.26, 1.91, 4.29, 6.32, 4.24, 4.64, 5.06, 6.41, 4.07, 4.67, 9.32, 5.09],
[4.33, 4.99, 0.14, 2.79, 2.10, 6.26, 9.40, 4.14, 5.53, 4.26, 8.21, 5.91, 6.83, 9.26, 6.19],
[0.16, 9.05, 1.35, 4.78, 7.01, 4.36, 5.24, 8.81, 7.90, 5.84, 8.90, 7.88, 3.37, 4.70, 6.94],
[0.94, 8.70, 3.87, 6.29, 0.32, 1.79, 5.80, 2.61, 1.43, 6.32, 1.62, 0.20, 2.28, 7.11, 2.15],
[9.90, 4.51, 2.11, 2.83, 5.52, 8.55, 6.90, 0.24, 1.58, 4.26, 8.75, 3.71, 9.93, 8.33, 0.38],
[7.30, 5.84, 9.63, 1.95, 3.76, 3.61, 9.42, 5.56, 5.09, 7.07, 1.90, 4.78, 1.06, 0.69, 3.67],
[2.17, 8.37, 3.99, 4.28, 4.37, 2.86, 8.61, 3.39, 8.37, 6.95, 6.57, 1.79, 7.40, 4.41, 7.64],
[6.26, 0.29, 6.44, 8.84, 1.24, 2.52, 6.25, 3.07, 5.55, 3.19, 8.16, 5.32, 9.01, 0.39, 9.],
[4.67, 8.88, 3.05, 3.06, 2.36, 8.34, 4.91, 5.46, 9.25, 9.78, 0.03, 5.64, 5.10, 3.58, 6.92],
[1.01, 0.91, 6.28, 7.79, 0.68, 5.50, 6.72, 5.11, 0.80, 9.30, 9.77, 4.71, 3.26, 7.29, 6.26]])
def mock_initialise(self, dm):
dm.initialise(1, self.dist_matrix.shape[0], self.dist_matrix.shape[1])
def test_process_diagonal(self):
dm = DistanceMatrix()
self.mock_initialise(dm)
for diag in range(-self.dist_matrix.shape[0] + 1, self.dist_matrix.shape[1]):
diag_ind = diag_indices_of(self.dist_matrix, diag)
dm.process_diagonal(diag, np.atleast_2d(self.dist_matrix[diag_ind]))
npt.assert_equal(dm.distance_matrix, self.dist_matrix)
def test_process_diagonal_partial_calculation(self):
dm = DistanceMatrix()
self.mock_initialise(dm)
correct = np.full_like(self.dist_matrix, np.nan, dtype=float)
for diag in range(-8, self.dist_matrix.shape[1], 3):
diag_ind = diag_indices_of(self.dist_matrix, diag)
dm.process_diagonal(diag, np.atleast_2d(self.dist_matrix[diag_ind]))
correct[diag_ind] = self.dist_matrix[diag_ind]
npt.assert_equal(dm.distance_matrix, correct)
def test_process_column(self):
dm = DistanceMatrix()
self.mock_initialise(dm)
for column in range(0, self.dist_matrix.shape[1]):
dm.process_column(column, np.atleast_2d(self.dist_matrix[:, column]))
npt.assert_equal(dm.distance_matrix, self.dist_matrix)
def test_process_column_partial_calculation(self):
dm = DistanceMatrix()
self.mock_initialise(dm)
correct = np.full_like(self.dist_matrix, np.nan, dtype=float)
for column in [2, 3, 4, 5, 10, 11, 12]:
dm.process_column(column, np.atleast_2d(self.dist_matrix[:, column]))
correct[:, column] = self.dist_matrix[:, column]
npt.assert_equal(dm.distance_matrix, correct)
def test_streaming_process_column(self):
dm = DistanceMatrix()
dm.initialise(1, 5, 5)
dm.process_column(0, np.atleast_2d(self.dist_matrix[0, 0]))
dm.process_column(1, np.atleast_2d(self.dist_matrix[:2, 1]))
expected = np.full((5, 5), np.nan)
expected[0, 0] = self.dist_matrix[0, 0]
expected[:2, 1] = self.dist_matrix[:2, 1]
npt.assert_equal(dm.distance_matrix, expected)
for column in range(0, 5):
dm.process_column(column, np.atleast_2d(self.dist_matrix[:5, :5][:, column]))
npt.assert_equal(dm.distance_matrix, self.dist_matrix[:5, :5])
dm.shift_query(1)
dm.shift_series(3)
correct = np.full((5, 5), np.nan)
correct[0:4, 0:2] = self.dist_matrix[1:5, 3:5]
npt.assert_equal(dm.distance_matrix, correct)
for column in range(0, 5):
dm.process_column(column, np.atleast_2d(self.dist_matrix[1:6, 3:8][:, column]))
npt.assert_equal(dm.distance_matrix, self.dist_matrix[1:6, 3:8])
dm.shift_query(2)
dm.shift_series(1)
dm.process_column(4, np.atleast_2d(self.dist_matrix[3:8, 8]))
correct = np.full((5, 5), np.nan)
correct[0:3, 0:4] = self.dist_matrix[3:6, 4:8]
correct[:, 4] = self.dist_matrix[3:8, 8]
npt.assert_equal(dm.distance_matrix, correct)
def test_streaming_process_diagonal(self):
dm = DistanceMatrix()
dm.initialise(1, 5, 5)
dm.process_diagonal(0, np.atleast_2d(self.dist_matrix[0, 0]))
diag_ind = diag_indices_of(self.dist_matrix[:3, :3], 1)
dm.process_diagonal(1, np.atleast_2d(np.atleast_2d(self.dist_matrix[diag_ind])))
expected = np.full((5, 5), np.nan)
expected[0, 0] = self.dist_matrix[0, 0]
expected[0, 1] = self.dist_matrix[0, 1]
expected[1, 2] = self.dist_matrix[1, 2]
npt.assert_equal(dm.distance_matrix, expected)
for diag in range(-4,5):
diag_ind = diag_indices_of(self.dist_matrix[:5, :5], diag)
dm.process_diagonal(diag, np.atleast_2d(self.dist_matrix[diag_ind]))
npt.assert_equal(dm.distance_matrix, self.dist_matrix[:5, :5])
dm.shift_query(2)
dm.shift_series(1)
expected = self.dist_matrix[2:7, 1:6].copy()
expected[-2:, :] = np.nan
expected[:, -1:] = np.nan
npt.assert_equal(dm.distance_matrix, expected)
for diag in range(-4,5):
diag_ind = diag_indices_of(self.dist_matrix[:5, :5], diag)
dm.process_diagonal(diag, np.atleast_2d(self.dist_matrix[diag_ind]))
npt.assert_equal(dm.distance_matrix, self.dist_matrix[:5, :5])
| [((289, 1251), 'numpy.array', 'np.array', (['[[8.67, 1.1, 1.77, 1.26, 1.91, 4.29, 6.32, 4.24, 4.64, 5.06, 6.41, 4.07, \n 4.67, 9.32, 5.09], [4.33, 4.99, 0.14, 2.79, 2.1, 6.26, 9.4, 4.14, 5.53,\n 4.26, 8.21, 5.91, 6.83, 9.26, 6.19], [0.16, 9.05, 1.35, 4.78, 7.01, \n 4.36, 5.24, 8.81, 7.9, 5.84, 8.9, 7.88, 3.37, 4.7, 6.94], [0.94, 8.7, \n 3.87, 6.29, 0.32, 1.79, 5.8, 2.61, 1.43, 6.32, 1.62, 0.2, 2.28, 7.11, \n 2.15], [9.9, 4.51, 2.11, 2.83, 5.52, 8.55, 6.9, 0.24, 1.58, 4.26, 8.75,\n 3.71, 9.93, 8.33, 0.38], [7.3, 5.84, 9.63, 1.95, 3.76, 3.61, 9.42, 5.56,\n 5.09, 7.07, 1.9, 4.78, 1.06, 0.69, 3.67], [2.17, 8.37, 3.99, 4.28, 4.37,\n 2.86, 8.61, 3.39, 8.37, 6.95, 6.57, 1.79, 7.4, 4.41, 7.64], [6.26, 0.29,\n 6.44, 8.84, 1.24, 2.52, 6.25, 3.07, 5.55, 3.19, 8.16, 5.32, 9.01, 0.39,\n 9.0], [4.67, 8.88, 3.05, 3.06, 2.36, 8.34, 4.91, 5.46, 9.25, 9.78, 0.03,\n 5.64, 5.1, 3.58, 6.92], [1.01, 0.91, 6.28, 7.79, 0.68, 5.5, 6.72, 5.11,\n 0.8, 9.3, 9.77, 4.71, 3.26, 7.29, 6.26]]'], {}), '([[8.67, 1.1, 1.77, 1.26, 1.91, 4.29, 6.32, 4.24, 4.64, 5.06, 6.41,\n 4.07, 4.67, 9.32, 5.09], [4.33, 4.99, 0.14, 2.79, 2.1, 6.26, 9.4, 4.14,\n 5.53, 4.26, 8.21, 5.91, 6.83, 9.26, 6.19], [0.16, 9.05, 1.35, 4.78, \n 7.01, 4.36, 5.24, 8.81, 7.9, 5.84, 8.9, 7.88, 3.37, 4.7, 6.94], [0.94, \n 8.7, 3.87, 6.29, 0.32, 1.79, 5.8, 2.61, 1.43, 6.32, 1.62, 0.2, 2.28, \n 7.11, 2.15], [9.9, 4.51, 2.11, 2.83, 5.52, 8.55, 6.9, 0.24, 1.58, 4.26,\n 8.75, 3.71, 9.93, 8.33, 0.38], [7.3, 5.84, 9.63, 1.95, 3.76, 3.61, 9.42,\n 5.56, 5.09, 7.07, 1.9, 4.78, 1.06, 0.69, 3.67], [2.17, 8.37, 3.99, 4.28,\n 4.37, 2.86, 8.61, 3.39, 8.37, 6.95, 6.57, 1.79, 7.4, 4.41, 7.64], [6.26,\n 0.29, 6.44, 8.84, 1.24, 2.52, 6.25, 3.07, 5.55, 3.19, 8.16, 5.32, 9.01,\n 0.39, 9.0], [4.67, 8.88, 3.05, 3.06, 2.36, 8.34, 4.91, 5.46, 9.25, 9.78,\n 0.03, 5.64, 5.1, 3.58, 6.92], [1.01, 0.91, 6.28, 7.79, 0.68, 5.5, 6.72,\n 5.11, 0.8, 9.3, 9.77, 4.71, 3.26, 7.29, 6.26]])\n', (297, 1251), True, 'import numpy as np\n'), ((1505, 1521), 'distancematrix.consumer.distance_matrix.DistanceMatrix', 'DistanceMatrix', ([], {}), '()\n', (1519, 1521), False, 'from distancematrix.consumer.distance_matrix import DistanceMatrix\n'), ((1795, 1849), 'numpy.testing.assert_equal', 'npt.assert_equal', (['dm.distance_matrix', 'self.dist_matrix'], {}), '(dm.distance_matrix, self.dist_matrix)\n', (1811, 1849), True, 'import numpy.testing as npt\n'), ((1921, 1937), 'distancematrix.consumer.distance_matrix.DistanceMatrix', 'DistanceMatrix', ([], {}), '()\n', (1935, 1937), False, 'from distancematrix.consumer.distance_matrix import DistanceMatrix\n'), ((1990, 2041), 'numpy.full_like', 'np.full_like', (['self.dist_matrix', 'np.nan'], {'dtype': 'float'}), '(self.dist_matrix, np.nan, dtype=float)\n', (2002, 2041), True, 'import numpy as np\n'), ((2316, 2361), 'numpy.testing.assert_equal', 'npt.assert_equal', (['dm.distance_matrix', 'correct'], {}), '(dm.distance_matrix, correct)\n', (2332, 2361), True, 'import numpy.testing as npt\n'), ((2411, 2427), 'distancematrix.consumer.distance_matrix.DistanceMatrix', 'DistanceMatrix', ([], {}), '()\n', (2425, 2427), False, 'from distancematrix.consumer.distance_matrix import DistanceMatrix\n'), ((2612, 2666), 'numpy.testing.assert_equal', 'npt.assert_equal', (['dm.distance_matrix', 'self.dist_matrix'], {}), '(dm.distance_matrix, self.dist_matrix)\n', (2628, 2666), True, 'import numpy.testing as npt\n'), ((2736, 2752), 'distancematrix.consumer.distance_matrix.DistanceMatrix', 'DistanceMatrix', ([], {}), '()\n', (2750, 2752), False, 'from distancematrix.consumer.distance_matrix import DistanceMatrix\n'), ((2805, 2856), 'numpy.full_like', 'np.full_like', (['self.dist_matrix', 'np.nan'], {'dtype': 'float'}), '(self.dist_matrix, np.nan, dtype=float)\n', (2817, 2856), True, 'import numpy as np\n'), ((3058, 3103), 'numpy.testing.assert_equal', 'npt.assert_equal', (['dm.distance_matrix', 'correct'], {}), '(dm.distance_matrix, correct)\n', (3074, 3103), True, 'import numpy.testing as npt\n'), ((3163, 3179), 'distancematrix.consumer.distance_matrix.DistanceMatrix', 'DistanceMatrix', ([], {}), '()\n', (3177, 3179), False, 'from distancematrix.consumer.distance_matrix import DistanceMatrix\n'), ((3368, 3391), 'numpy.full', 'np.full', (['(5, 5)', 'np.nan'], {}), '((5, 5), np.nan)\n', (3375, 3391), True, 'import numpy as np\n'), ((3498, 3544), 'numpy.testing.assert_equal', 'npt.assert_equal', (['dm.distance_matrix', 'expected'], {}), '(dm.distance_matrix, expected)\n', (3514, 3544), True, 'import numpy.testing as npt\n'), ((3679, 3741), 'numpy.testing.assert_equal', 'npt.assert_equal', (['dm.distance_matrix', 'self.dist_matrix[:5, :5]'], {}), '(dm.distance_matrix, self.dist_matrix[:5, :5])\n', (3695, 3741), True, 'import numpy.testing as npt\n'), ((3815, 3838), 'numpy.full', 'np.full', (['(5, 5)', 'np.nan'], {}), '((5, 5), np.nan)\n', (3822, 3838), True, 'import numpy as np\n'), ((3902, 3947), 'numpy.testing.assert_equal', 'npt.assert_equal', (['dm.distance_matrix', 'correct'], {}), '(dm.distance_matrix, correct)\n', (3918, 3947), True, 'import numpy.testing as npt\n'), ((4084, 4148), 'numpy.testing.assert_equal', 'npt.assert_equal', (['dm.distance_matrix', 'self.dist_matrix[1:6, 3:8]'], {}), '(dm.distance_matrix, self.dist_matrix[1:6, 3:8])\n', (4100, 4148), True, 'import numpy.testing as npt\n'), ((4292, 4315), 'numpy.full', 'np.full', (['(5, 5)', 'np.nan'], {}), '((5, 5), np.nan)\n', (4299, 4315), True, 'import numpy as np\n'), ((4428, 4473), 'numpy.testing.assert_equal', 'npt.assert_equal', (['dm.distance_matrix', 'correct'], {}), '(dm.distance_matrix, correct)\n', (4444, 4473), True, 'import numpy.testing as npt\n'), ((4535, 4551), 'distancematrix.consumer.distance_matrix.DistanceMatrix', 'DistanceMatrix', ([], {}), '()\n', (4549, 4551), False, 'from distancematrix.consumer.distance_matrix import DistanceMatrix\n'), ((4673, 4717), 'distancematrix.util.diag_indices_of', 'diag_indices_of', (['self.dist_matrix[:3, :3]', '(1)'], {}), '(self.dist_matrix[:3, :3], 1)\n', (4688, 4717), False, 'from distancematrix.util import diag_indices_of\n'), ((4826, 4849), 'numpy.full', 'np.full', (['(5, 5)', 'np.nan'], {}), '((5, 5), np.nan)\n', (4833, 4849), True, 'import numpy as np\n'), ((5002, 5048), 'numpy.testing.assert_equal', 'npt.assert_equal', (['dm.distance_matrix', 'expected'], {}), '(dm.distance_matrix, expected)\n', (5018, 5048), True, 'import numpy.testing as npt\n'), ((5244, 5306), 'numpy.testing.assert_equal', 'npt.assert_equal', (['dm.distance_matrix', 'self.dist_matrix[:5, :5]'], {}), '(dm.distance_matrix, self.dist_matrix[:5, :5])\n', (5260, 5306), True, 'import numpy.testing as npt\n'), ((5490, 5536), 'numpy.testing.assert_equal', 'npt.assert_equal', (['dm.distance_matrix', 'expected'], {}), '(dm.distance_matrix, expected)\n', (5506, 5536), True, 'import numpy.testing as npt\n'), ((5731, 5793), 'numpy.testing.assert_equal', 'npt.assert_equal', (['dm.distance_matrix', 'self.dist_matrix[:5, :5]'], {}), '(dm.distance_matrix, self.dist_matrix[:5, :5])\n', (5747, 5793), True, 'import numpy.testing as npt\n'), ((1665, 1704), 'distancematrix.util.diag_indices_of', 'diag_indices_of', (['self.dist_matrix', 'diag'], {}), '(self.dist_matrix, diag)\n', (1680, 1704), False, 'from distancematrix.util import diag_indices_of\n'), ((2127, 2166), 'distancematrix.util.diag_indices_of', 'diag_indices_of', (['self.dist_matrix', 'diag'], {}), '(self.dist_matrix, diag)\n', (2142, 2166), False, 'from distancematrix.util import diag_indices_of\n'), ((3241, 3278), 'numpy.atleast_2d', 'np.atleast_2d', (['self.dist_matrix[0, 0]'], {}), '(self.dist_matrix[0, 0])\n', (3254, 3278), True, 'import numpy as np\n'), ((3309, 3349), 'numpy.atleast_2d', 'np.atleast_2d', (['self.dist_matrix[:2, (1)]'], {}), '(self.dist_matrix[:2, (1)])\n', (3322, 3349), True, 'import numpy as np\n'), ((4232, 4273), 'numpy.atleast_2d', 'np.atleast_2d', (['self.dist_matrix[3:8, (8)]'], {}), '(self.dist_matrix[3:8, (8)])\n', (4245, 4273), True, 'import numpy as np\n'), ((4615, 4652), 'numpy.atleast_2d', 'np.atleast_2d', (['self.dist_matrix[0, 0]'], {}), '(self.dist_matrix[0, 0])\n', (4628, 4652), True, 'import numpy as np\n'), ((5106, 5153), 'distancematrix.util.diag_indices_of', 'diag_indices_of', (['self.dist_matrix[:5, :5]', 'diag'], {}), '(self.dist_matrix[:5, :5], diag)\n', (5121, 5153), False, 'from distancematrix.util import diag_indices_of\n'), ((5594, 5641), 'distancematrix.util.diag_indices_of', 'diag_indices_of', (['self.dist_matrix[:5, :5]', 'diag'], {}), '(self.dist_matrix[:5, :5], diag)\n', (5609, 5641), False, 'from distancematrix.util import diag_indices_of\n'), ((1743, 1784), 'numpy.atleast_2d', 'np.atleast_2d', (['self.dist_matrix[diag_ind]'], {}), '(self.dist_matrix[diag_ind])\n', (1756, 1784), True, 'import numpy as np\n'), ((2205, 2246), 'numpy.atleast_2d', 'np.atleast_2d', (['self.dist_matrix[diag_ind]'], {}), '(self.dist_matrix[diag_ind])\n', (2218, 2246), True, 'import numpy as np\n'), ((2559, 2603), 'numpy.atleast_2d', 'np.atleast_2d', (['self.dist_matrix[:, (column)]'], {}), '(self.dist_matrix[:, (column)])\n', (2572, 2603), True, 'import numpy as np\n'), ((2944, 2988), 'numpy.atleast_2d', 'np.atleast_2d', (['self.dist_matrix[:, (column)]'], {}), '(self.dist_matrix[:, (column)])\n', (2957, 2988), True, 'import numpy as np\n'), ((3619, 3671), 'numpy.atleast_2d', 'np.atleast_2d', (['self.dist_matrix[:5, :5][:, (column)]'], {}), '(self.dist_matrix[:5, :5][:, (column)])\n', (3632, 3671), True, 'import numpy as np\n'), ((4022, 4076), 'numpy.atleast_2d', 'np.atleast_2d', (['self.dist_matrix[1:6, 3:8][:, (column)]'], {}), '(self.dist_matrix[1:6, 3:8][:, (column)])\n', (4035, 4076), True, 'import numpy as np\n'), ((4763, 4804), 'numpy.atleast_2d', 'np.atleast_2d', (['self.dist_matrix[diag_ind]'], {}), '(self.dist_matrix[diag_ind])\n', (4776, 4804), True, 'import numpy as np\n'), ((5192, 5233), 'numpy.atleast_2d', 'np.atleast_2d', (['self.dist_matrix[diag_ind]'], {}), '(self.dist_matrix[diag_ind])\n', (5205, 5233), True, 'import numpy as np\n'), ((5680, 5721), 'numpy.atleast_2d', 'np.atleast_2d', (['self.dist_matrix[diag_ind]'], {}), '(self.dist_matrix[diag_ind])\n', (5693, 5721), True, 'import numpy as np\n')] |
peddamat/home-assistant-supervisor-test | supervisor/const.py | 5da55772bcb2db3c6d8432cbc08e2ac9fbf480c4 | """Constants file for Supervisor."""
from enum import Enum
from ipaddress import ip_network
from pathlib import Path
SUPERVISOR_VERSION = "DEV"
URL_HASSIO_ADDONS = "https://github.com/home-assistant/addons"
URL_HASSIO_APPARMOR = "https://version.home-assistant.io/apparmor.txt"
URL_HASSIO_VERSION = "https://version.home-assistant.io/{channel}.json"
SUPERVISOR_DATA = Path("/data")
FILE_HASSIO_ADDONS = Path(SUPERVISOR_DATA, "addons.json")
FILE_HASSIO_AUTH = Path(SUPERVISOR_DATA, "auth.json")
FILE_HASSIO_CONFIG = Path(SUPERVISOR_DATA, "config.json")
FILE_HASSIO_DISCOVERY = Path(SUPERVISOR_DATA, "discovery.json")
FILE_HASSIO_DOCKER = Path(SUPERVISOR_DATA, "docker.json")
FILE_HASSIO_HOMEASSISTANT = Path(SUPERVISOR_DATA, "homeassistant.json")
FILE_HASSIO_INGRESS = Path(SUPERVISOR_DATA, "ingress.json")
FILE_HASSIO_SERVICES = Path(SUPERVISOR_DATA, "services.json")
FILE_HASSIO_UPDATER = Path(SUPERVISOR_DATA, "updater.json")
FILE_SUFFIX_CONFIGURATION = [".yaml", ".yml", ".json"]
MACHINE_ID = Path("/etc/machine-id")
SOCKET_DBUS = Path("/run/dbus/system_bus_socket")
SOCKET_DOCKER = Path("/run/docker.sock")
RUN_SUPERVISOR_STATE = Path("/run/supervisor")
SYSTEMD_JOURNAL_PERSISTENT = Path("/var/log/journal")
SYSTEMD_JOURNAL_VOLATILE = Path("/run/log/journal")
DOCKER_NETWORK = "hassio"
DOCKER_NETWORK_MASK = ip_network("172.30.32.0/23")
DOCKER_NETWORK_RANGE = ip_network("172.30.33.0/24")
# This needs to match the dockerd --cpu-rt-runtime= argument.
DOCKER_CPU_RUNTIME_TOTAL = 950_000
# The rt runtimes are guarantees, hence we cannot allocate more
# time than available! Support up to 5 containers with equal time
# allocated.
# Note that the time is multiplied by CPU count. This means that
# a single container can schedule up to 950/5*4 = 760ms in RT priority
# on a quad core system.
DOCKER_CPU_RUNTIME_ALLOCATION = int(DOCKER_CPU_RUNTIME_TOTAL / 5)
DNS_SUFFIX = "local.hass.io"
LABEL_ARCH = "io.hass.arch"
LABEL_MACHINE = "io.hass.machine"
LABEL_TYPE = "io.hass.type"
LABEL_VERSION = "io.hass.version"
META_ADDON = "addon"
META_HOMEASSISTANT = "homeassistant"
META_SUPERVISOR = "supervisor"
JSON_DATA = "data"
JSON_MESSAGE = "message"
JSON_RESULT = "result"
RESULT_ERROR = "error"
RESULT_OK = "ok"
CONTENT_TYPE_BINARY = "application/octet-stream"
CONTENT_TYPE_JSON = "application/json"
CONTENT_TYPE_PNG = "image/png"
CONTENT_TYPE_TAR = "application/tar"
CONTENT_TYPE_TEXT = "text/plain"
CONTENT_TYPE_URL = "application/x-www-form-urlencoded"
COOKIE_INGRESS = "ingress_session"
HEADER_TOKEN = "X-Supervisor-Token"
HEADER_TOKEN_OLD = "X-Hassio-Key"
ENV_TIME = "TZ"
ENV_TOKEN = "SUPERVISOR_TOKEN"
ENV_TOKEN_HASSIO = "HASSIO_TOKEN"
ENV_HOMEASSISTANT_REPOSITORY = "HOMEASSISTANT_REPOSITORY"
ENV_SUPERVISOR_DEV = "SUPERVISOR_DEV"
ENV_SUPERVISOR_MACHINE = "SUPERVISOR_MACHINE"
ENV_SUPERVISOR_NAME = "SUPERVISOR_NAME"
ENV_SUPERVISOR_SHARE = "SUPERVISOR_SHARE"
ENV_SUPERVISOR_CPU_RT = "SUPERVISOR_CPU_RT"
REQUEST_FROM = "HASSIO_FROM"
ATTR_ACCESS_TOKEN = "access_token"
ATTR_ACCESSPOINTS = "accesspoints"
ATTR_ACTIVE = "active"
ATTR_ADDON = "addon"
ATTR_ADDONS = "addons"
ATTR_ADDONS_CUSTOM_LIST = "addons_custom_list"
ATTR_ADDONS_REPOSITORIES = "addons_repositories"
ATTR_ADDRESS = "address"
ATTR_ADDRESS_DATA = "address-data"
ATTR_ADMIN = "admin"
ATTR_ADVANCED = "advanced"
ATTR_APPARMOR = "apparmor"
ATTR_APPLICATION = "application"
ATTR_ARCH = "arch"
ATTR_ARGS = "args"
ATTR_LABELS = "labels"
ATTR_AUDIO = "audio"
ATTR_AUDIO_INPUT = "audio_input"
ATTR_AUDIO_OUTPUT = "audio_output"
ATTR_AUTH = "auth"
ATTR_AUTH_API = "auth_api"
ATTR_AUTO_UPDATE = "auto_update"
ATTR_AVAILABLE = "available"
ATTR_BLK_READ = "blk_read"
ATTR_BLK_WRITE = "blk_write"
ATTR_BOARD = "board"
ATTR_BOOT = "boot"
ATTR_BRANCH = "branch"
ATTR_BUILD = "build"
ATTR_BUILD_FROM = "build_from"
ATTR_CARD = "card"
ATTR_CHANGELOG = "changelog"
ATTR_CHANNEL = "channel"
ATTR_CHASSIS = "chassis"
ATTR_CHECKS = "checks"
ATTR_CLI = "cli"
ATTR_CONFIG = "config"
ATTR_CONFIGURATION = "configuration"
ATTR_CONNECTED = "connected"
ATTR_CONNECTIONS = "connections"
ATTR_CONTAINERS = "containers"
ATTR_CPE = "cpe"
ATTR_CPU_PERCENT = "cpu_percent"
ATTR_CRYPTO = "crypto"
ATTR_DATA = "data"
ATTR_DATE = "date"
ATTR_DEBUG = "debug"
ATTR_DEBUG_BLOCK = "debug_block"
ATTR_DEFAULT = "default"
ATTR_DEPLOYMENT = "deployment"
ATTR_DESCRIPTON = "description"
ATTR_DETACHED = "detached"
ATTR_DEVICES = "devices"
ATTR_DEVICETREE = "devicetree"
ATTR_DIAGNOSTICS = "diagnostics"
ATTR_DISCOVERY = "discovery"
ATTR_DISK = "disk"
ATTR_DISK_FREE = "disk_free"
ATTR_DISK_LIFE_TIME = "disk_life_time"
ATTR_DISK_TOTAL = "disk_total"
ATTR_DISK_USED = "disk_used"
ATTR_DNS = "dns"
ATTR_DOCKER = "docker"
ATTR_DOCKER_API = "docker_api"
ATTR_DOCUMENTATION = "documentation"
ATTR_DOMAINS = "domains"
ATTR_ENABLE = "enable"
ATTR_ENABLED = "enabled"
ATTR_ENVIRONMENT = "environment"
ATTR_EVENT = "event"
ATTR_FEATURES = "features"
ATTR_FILENAME = "filename"
ATTR_FLAGS = "flags"
ATTR_FOLDERS = "folders"
ATTR_FREQUENCY = "frequency"
ATTR_FULL_ACCESS = "full_access"
ATTR_GATEWAY = "gateway"
ATTR_GPIO = "gpio"
ATTR_HASSIO_API = "hassio_api"
ATTR_HASSIO_ROLE = "hassio_role"
ATTR_HASSOS = "hassos"
ATTR_HEALTHY = "healthy"
ATTR_HOMEASSISTANT = "homeassistant"
ATTR_HOMEASSISTANT_API = "homeassistant_api"
ATTR_HOST = "host"
ATTR_HOST_DBUS = "host_dbus"
ATTR_HOST_INTERNET = "host_internet"
ATTR_HOST_IPC = "host_ipc"
ATTR_HOST_NETWORK = "host_network"
ATTR_HOST_PID = "host_pid"
ATTR_HOSTNAME = "hostname"
ATTR_ICON = "icon"
ATTR_ID = "id"
ATTR_IMAGE = "image"
ATTR_IMAGES = "images"
ATTR_INDEX = "index"
ATTR_INGRESS = "ingress"
ATTR_INGRESS_ENTRY = "ingress_entry"
ATTR_INGRESS_PANEL = "ingress_panel"
ATTR_INGRESS_PORT = "ingress_port"
ATTR_INGRESS_TOKEN = "ingress_token"
ATTR_INGRESS_URL = "ingress_url"
ATTR_INIT = "init"
ATTR_INITIALIZE = "initialize"
ATTR_INPUT = "input"
ATTR_INSTALLED = "installed"
ATTR_INTERFACE = "interface"
ATTR_INTERFACES = "interfaces"
ATTR_IP_ADDRESS = "ip_address"
ATTR_IPV4 = "ipv4"
ATTR_IPV6 = "ipv6"
ATTR_ISSUES = "issues"
ATTR_KERNEL = "kernel"
ATTR_KERNEL_MODULES = "kernel_modules"
ATTR_LAST_BOOT = "last_boot"
ATTR_LEGACY = "legacy"
ATTR_LOCALS = "locals"
ATTR_LOCATON = "location"
ATTR_LOGGING = "logging"
ATTR_LOGO = "logo"
ATTR_LONG_DESCRIPTION = "long_description"
ATTR_MAC = "mac"
ATTR_MACHINE = "machine"
ATTR_MAINTAINER = "maintainer"
ATTR_MAP = "map"
ATTR_MEMORY_LIMIT = "memory_limit"
ATTR_MEMORY_PERCENT = "memory_percent"
ATTR_MEMORY_USAGE = "memory_usage"
ATTR_MESSAGE = "message"
ATTR_METHOD = "method"
ATTR_MODE = "mode"
ATTR_MULTICAST = "multicast"
ATTR_NAME = "name"
ATTR_NAMESERVERS = "nameservers"
ATTR_NETWORK = "network"
ATTR_NETWORK_DESCRIPTION = "network_description"
ATTR_NETWORK_RX = "network_rx"
ATTR_NETWORK_TX = "network_tx"
ATTR_OBSERVER = "observer"
ATTR_OPERATING_SYSTEM = "operating_system"
ATTR_OPTIONS = "options"
ATTR_OTA = "ota"
ATTR_OUTPUT = "output"
ATTR_PANEL_ADMIN = "panel_admin"
ATTR_PANEL_ICON = "panel_icon"
ATTR_PANEL_TITLE = "panel_title"
ATTR_PANELS = "panels"
ATTR_PARENT = "parent"
ATTR_PASSWORD = "password"
ATTR_PORT = "port"
ATTR_PORTS = "ports"
ATTR_PORTS_DESCRIPTION = "ports_description"
ATTR_PREFIX = "prefix"
ATTR_PRIMARY = "primary"
ATTR_PRIORITY = "priority"
ATTR_PRIVILEGED = "privileged"
ATTR_PROTECTED = "protected"
ATTR_PROVIDERS = "providers"
ATTR_PSK = "psk"
ATTR_RATING = "rating"
ATTR_REALTIME = "realtime"
ATTR_REFRESH_TOKEN = "refresh_token"
ATTR_REGISTRIES = "registries"
ATTR_REGISTRY = "registry"
ATTR_REPOSITORIES = "repositories"
ATTR_REPOSITORY = "repository"
ATTR_SCHEMA = "schema"
ATTR_SECURITY = "security"
ATTR_SERIAL = "serial"
ATTR_SERVERS = "servers"
ATTR_SERVICE = "service"
ATTR_SERVICES = "services"
ATTR_SESSION = "session"
ATTR_SIGNAL = "signal"
ATTR_SIZE = "size"
ATTR_SLUG = "slug"
ATTR_SNAPSHOT_EXCLUDE = "snapshot_exclude"
ATTR_SNAPSHOTS = "snapshots"
ATTR_SOURCE = "source"
ATTR_SQUASH = "squash"
ATTR_SSD = "ssid"
ATTR_SSID = "ssid"
ATTR_SSL = "ssl"
ATTR_STAGE = "stage"
ATTR_STARTUP = "startup"
ATTR_STATE = "state"
ATTR_STATIC = "static"
ATTR_STDIN = "stdin"
ATTR_STORAGE = "storage"
ATTR_SUGGESTIONS = "suggestions"
ATTR_SUPERVISOR = "supervisor"
ATTR_SUPERVISOR_INTERNET = "supervisor_internet"
ATTR_SUPPORTED = "supported"
ATTR_SUPPORTED_ARCH = "supported_arch"
ATTR_SYSTEM = "system"
ATTR_JOURNALD = "journald"
ATTR_TIMEOUT = "timeout"
ATTR_TIMEZONE = "timezone"
ATTR_TITLE = "title"
ATTR_TMPFS = "tmpfs"
ATTR_TOTP = "totp"
ATTR_TRANSLATIONS = "translations"
ATTR_TYPE = "type"
ATTR_UART = "uart"
ATTR_UDEV = "udev"
ATTR_UNHEALTHY = "unhealthy"
ATTR_UNSAVED = "unsaved"
ATTR_UNSUPPORTED = "unsupported"
ATTR_UPDATE_AVAILABLE = "update_available"
ATTR_UPDATE_KEY = "update_key"
ATTR_URL = "url"
ATTR_USB = "usb"
ATTR_USER = "user"
ATTR_USERNAME = "username"
ATTR_UUID = "uuid"
ATTR_VALID = "valid"
ATTR_VALUE = "value"
ATTR_VERSION = "version"
ATTR_VERSION_LATEST = "version_latest"
ATTR_VIDEO = "video"
ATTR_VLAN = "vlan"
ATTR_VOLUME = "volume"
ATTR_VPN = "vpn"
ATTR_WAIT_BOOT = "wait_boot"
ATTR_WATCHDOG = "watchdog"
ATTR_WEBUI = "webui"
ATTR_WIFI = "wifi"
ATTR_CONTENT_TRUST = "content_trust"
ATTR_FORCE_SECURITY = "force_security"
PROVIDE_SERVICE = "provide"
NEED_SERVICE = "need"
WANT_SERVICE = "want"
MAP_CONFIG = "config"
MAP_SSL = "ssl"
MAP_ADDONS = "addons"
MAP_BACKUP = "backup"
MAP_SHARE = "share"
MAP_MEDIA = "media"
ARCH_ARMHF = "armhf"
ARCH_ARMV7 = "armv7"
ARCH_AARCH64 = "aarch64"
ARCH_AMD64 = "amd64"
ARCH_I386 = "i386"
ARCH_ALL = [ARCH_ARMHF, ARCH_ARMV7, ARCH_AARCH64, ARCH_AMD64, ARCH_I386]
REPOSITORY_CORE = "core"
REPOSITORY_LOCAL = "local"
FOLDER_HOMEASSISTANT = "homeassistant"
FOLDER_SHARE = "share"
FOLDER_ADDONS = "addons/local"
FOLDER_SSL = "ssl"
FOLDER_MEDIA = "media"
SNAPSHOT_FULL = "full"
SNAPSHOT_PARTIAL = "partial"
CRYPTO_AES128 = "aes128"
SECURITY_PROFILE = "profile"
SECURITY_DEFAULT = "default"
SECURITY_DISABLE = "disable"
ROLE_DEFAULT = "default"
ROLE_HOMEASSISTANT = "homeassistant"
ROLE_BACKUP = "backup"
ROLE_MANAGER = "manager"
ROLE_ADMIN = "admin"
ROLE_ALL = [ROLE_DEFAULT, ROLE_HOMEASSISTANT, ROLE_BACKUP, ROLE_MANAGER, ROLE_ADMIN]
class AddonBoot(str, Enum):
"""Boot mode for the add-on."""
AUTO = "auto"
MANUAL = "manual"
class AddonStartup(str, Enum):
"""Startup types of Add-on."""
INITIALIZE = "initialize"
SYSTEM = "system"
SERVICES = "services"
APPLICATION = "application"
ONCE = "once"
class AddonStage(str, Enum):
"""Stage types of add-on."""
STABLE = "stable"
EXPERIMENTAL = "experimental"
DEPRECATED = "deprecated"
class AddonState(str, Enum):
"""State of add-on."""
STARTED = "started"
STOPPED = "stopped"
UNKNOWN = "unknown"
ERROR = "error"
class UpdateChannel(str, Enum):
"""Core supported update channels."""
STABLE = "stable"
BETA = "beta"
DEV = "dev"
class CoreState(str, Enum):
"""Represent current loading state."""
INITIALIZE = "initialize"
SETUP = "setup"
STARTUP = "startup"
RUNNING = "running"
FREEZE = "freeze"
SHUTDOWN = "shutdown"
STOPPING = "stopping"
CLOSE = "close"
class LogLevel(str, Enum):
"""Logging level of system."""
DEBUG = "debug"
INFO = "info"
WARNING = "warning"
ERROR = "error"
CRITICAL = "critical"
class HostFeature(str, Enum):
"""Host feature."""
HASSOS = "hassos"
HOSTNAME = "hostname"
NETWORK = "network"
REBOOT = "reboot"
SERVICES = "services"
SHUTDOWN = "shutdown"
| [((371, 384), 'pathlib.Path', 'Path', (['"""/data"""'], {}), "('/data')\n", (375, 384), False, 'from pathlib import Path\n'), ((407, 443), 'pathlib.Path', 'Path', (['SUPERVISOR_DATA', '"""addons.json"""'], {}), "(SUPERVISOR_DATA, 'addons.json')\n", (411, 443), False, 'from pathlib import Path\n'), ((463, 497), 'pathlib.Path', 'Path', (['SUPERVISOR_DATA', '"""auth.json"""'], {}), "(SUPERVISOR_DATA, 'auth.json')\n", (467, 497), False, 'from pathlib import Path\n'), ((519, 555), 'pathlib.Path', 'Path', (['SUPERVISOR_DATA', '"""config.json"""'], {}), "(SUPERVISOR_DATA, 'config.json')\n", (523, 555), False, 'from pathlib import Path\n'), ((580, 619), 'pathlib.Path', 'Path', (['SUPERVISOR_DATA', '"""discovery.json"""'], {}), "(SUPERVISOR_DATA, 'discovery.json')\n", (584, 619), False, 'from pathlib import Path\n'), ((641, 677), 'pathlib.Path', 'Path', (['SUPERVISOR_DATA', '"""docker.json"""'], {}), "(SUPERVISOR_DATA, 'docker.json')\n", (645, 677), False, 'from pathlib import Path\n'), ((706, 749), 'pathlib.Path', 'Path', (['SUPERVISOR_DATA', '"""homeassistant.json"""'], {}), "(SUPERVISOR_DATA, 'homeassistant.json')\n", (710, 749), False, 'from pathlib import Path\n'), ((772, 809), 'pathlib.Path', 'Path', (['SUPERVISOR_DATA', '"""ingress.json"""'], {}), "(SUPERVISOR_DATA, 'ingress.json')\n", (776, 809), False, 'from pathlib import Path\n'), ((833, 871), 'pathlib.Path', 'Path', (['SUPERVISOR_DATA', '"""services.json"""'], {}), "(SUPERVISOR_DATA, 'services.json')\n", (837, 871), False, 'from pathlib import Path\n'), ((894, 931), 'pathlib.Path', 'Path', (['SUPERVISOR_DATA', '"""updater.json"""'], {}), "(SUPERVISOR_DATA, 'updater.json')\n", (898, 931), False, 'from pathlib import Path\n'), ((1002, 1025), 'pathlib.Path', 'Path', (['"""/etc/machine-id"""'], {}), "('/etc/machine-id')\n", (1006, 1025), False, 'from pathlib import Path\n'), ((1040, 1075), 'pathlib.Path', 'Path', (['"""/run/dbus/system_bus_socket"""'], {}), "('/run/dbus/system_bus_socket')\n", (1044, 1075), False, 'from pathlib import Path\n'), ((1092, 1116), 'pathlib.Path', 'Path', (['"""/run/docker.sock"""'], {}), "('/run/docker.sock')\n", (1096, 1116), False, 'from pathlib import Path\n'), ((1140, 1163), 'pathlib.Path', 'Path', (['"""/run/supervisor"""'], {}), "('/run/supervisor')\n", (1144, 1163), False, 'from pathlib import Path\n'), ((1193, 1217), 'pathlib.Path', 'Path', (['"""/var/log/journal"""'], {}), "('/var/log/journal')\n", (1197, 1217), False, 'from pathlib import Path\n'), ((1245, 1269), 'pathlib.Path', 'Path', (['"""/run/log/journal"""'], {}), "('/run/log/journal')\n", (1249, 1269), False, 'from pathlib import Path\n'), ((1319, 1347), 'ipaddress.ip_network', 'ip_network', (['"""172.30.32.0/23"""'], {}), "('172.30.32.0/23')\n", (1329, 1347), False, 'from ipaddress import ip_network\n'), ((1371, 1399), 'ipaddress.ip_network', 'ip_network', (['"""172.30.33.0/24"""'], {}), "('172.30.33.0/24')\n", (1381, 1399), False, 'from ipaddress import ip_network\n')] |
jgregoriods/quaesit | quaesit/agent.py | 3846f5084ea4d6c1cbd9a93176ee9dee25e12105 | import inspect
from math import hypot, sin, asin, cos, radians, degrees
from abc import ABCMeta, abstractmethod
from random import randint, choice
from typing import Dict, List, Tuple, Union
class Agent(metaclass=ABCMeta):
"""
Class to represent an agent in an agent-based model.
"""
_id = 0
colors = ['blue', 'brown', 'cyan', 'gray', 'green', 'magenta', 'orange',
'pink', 'purple', 'red', 'yellow']
def __init__(self, world, coords: Tuple = None):
self._id = Agent._id
Agent._id += 1
self.world = world
self.coords = coords or (randint(0, self.world.width - 1),
randint(0, self.world.height - 1))
self.direction = 90
self.breed = self.__class__.__name__.lower()
self.icon = '.'
self.color = choice(self.colors)
self.world.add_agent(self)
def die(self):
"""
Remove the agent from the world.
"""
del self.world.agents[self._id]
self.world.grid[self.coords]['agents'].remove(self)
del self
def hatch(self):
"""
Creates an agent and initializes it with the same parameters as
oneself.
"""
sig = inspect.signature(self.__init__)
filter_keys = [param.name for param in sig.parameters.values()
if param.kind == param.POSITIONAL_OR_KEYWORD]
filtered_dict = {filter_key: self.__dict__[filter_key]
for filter_key in filter_keys}
return self.__class__(**filtered_dict)
def move_to(self, coords: Tuple):
"""
Places the agent in a different cell of the world grid.
"""
self.world.remove_from_grid(self)
self.coords = coords
self.world.place_on_grid(self)
def cell_here(self, layer = None):
"""
Returns the value of a layer in the model's grid for the cell
where the agent is. If no layer is specified, the values of all
layers are returned.
"""
if layer is not None:
return self.world.grid[self.coords][layer]
else:
return self.world.grid[self.coords]
def get_distance(self, coords: Tuple) -> int:
"""
Returns the distance (in cells) from the agent to a pair of
coordinates.
"""
x, y = coords
return round(hypot((x - self.coords[0]), (y - self.coords[1])))
def cells_in_radius(self, radius: int) -> Dict:
"""
Returns all cells and respective attributes within a distance
of the agent.
"""
if self.world.torus:
neighborhood = {self.world.to_torus((x, y)):
self.world.grid[self.world.to_torus((x, y))]
for x in range(self.coords[0] - radius,
self.coords[0] + radius + 1)
for y in range(self.coords[1] - radius,
self.coords[1] + radius + 1)
if self.get_distance((x, y)) <= radius}
else:
neighborhood = {(x, y): self.world.grid[(x, y)]
for x in range(self.coords[0] - radius,
self.coords[0] + radius + 1)
for y in range(self.coords[1] - radius,
self.coords[1] + radius + 1)
if (self.get_distance((x, y)) <= radius and
(x, y) in self.world.grid)}
return neighborhood
def empty_cells_in_radius(self, radius: int) -> Dict:
"""
Returns all empty cells (with no agents on them) and respective
attributes within a distance of the agent.
"""
if self.world.torus:
neighborhood = {self.world.to_torus((x, y)):
self.world.grid[self.world.to_torus((x, y))]
for x in range(self.coords[0] - radius,
self.coords[0] + radius + 1)
for y in range(self.coords[1] - radius,
self.coords[1] + radius + 1)
if (self.get_distance((x, y)) <= radius and not
self.world.grid[self.world.to_torus((x, y))]
['agents'])}
else:
neighborhood = {(x, y): self.world.grid[(x, y)]
for x in range(self.coords[0] - radius,
self.coords[0] + radius + 1)
for y in range(self.coords[1] - radius,
self.coords[1] + radius + 1)
if (self.get_distance((x, y)) <= radius and
(x, y) in self.world.grid and not
self.world.grid[(x, y)]['agents'])}
return neighborhood
def nearest_cell(self, cells: Union[List, Dict]) -> Tuple:
"""
Given a list or dictionary of cells, returns the coordinates of
the cell that is nearest to the agent.
"""
dists = {cell: self.get_distance(cell) for cell in cells}
return min(dists, key=dists.get)
def agents_in_radius(self, radius: int):
"""
Returns all agents within a distance of oneself.
"""
neighborhood = self.cells_in_radius(radius)
neighbors = [agent for coords in neighborhood
for agent in self.world.grid[coords]['agents']
if agent is not self]
return neighbors
def agents_here(self) -> List:
"""
Returns all agents located on the same cell as oneself.
"""
return [agent for agent in self.world.grid[self.coords]['agents']
if agent is not self]
def nearest_agent(self, agents: List = None):
"""
Given a list of agents, returns the agent that is nearest to
oneself. If no list is provided, all agents are evaluated.
"""
if agents is None:
agents = [self.world.agents[_id] for _id in self.world.agents]
dists = {agent: self.get_distance(agent.coords)
for agent in agents if agent is not self}
return min(dists, key=dists.get)
def turn_right(self, angle: int = 90):
"""
Rotates the agent's direction a number of degrees to the right.
"""
self.direction = round((self.direction - angle) % 360)
def turn_left(self, angle: int = 90):
"""
Rotates the agent's direction a number of degrees to the left.
"""
self.direction = round((self.direction + angle) % 360)
def forward(self, n_steps: int = 1):
"""
Moves the agent a number of cells forward in the direction it
is currently facing.
"""
x = round(self.coords[0] + cos(radians(self.direction)) * n_steps)
y = round(self.coords[1] + sin(radians(self.direction)) * n_steps)
if self.world.torus:
self.move_to(self.world.to_torus((x, y)))
elif (x, y) in self.world.grid:
self.move_to((x, y))
def face_towards(self, coords: Tuple):
"""
Turns the agent's direction towards a given pair of coordinates.
"""
if coords != self.coords:
xdif = coords[0] - self.coords[0]
ydif = coords[1] - self.coords[1]
dist = hypot(xdif, ydif)
angle = degrees(asin(ydif / dist))
if xdif < 0:
self.direction = round(180 - angle)
else:
self.direction = round((360 + angle) % 360)
def random_walk(self, n_steps: int = 1):
"""
Moves the agent one cell forward in a random direction for a
number of times.
"""
for i in range(n_steps):
self.turn_right(randint(0, 360))
self.forward()
@abstractmethod
def step(self):
"""
Methods to be performed by the agent at each step of the
simulation.
"""
raise NotImplementedError
| [((833, 852), 'random.choice', 'choice', (['self.colors'], {}), '(self.colors)\n', (839, 852), False, 'from random import randint, choice\n'), ((1242, 1274), 'inspect.signature', 'inspect.signature', (['self.__init__'], {}), '(self.__init__)\n', (1259, 1274), False, 'import inspect\n'), ((2409, 2454), 'math.hypot', 'hypot', (['(x - self.coords[0])', '(y - self.coords[1])'], {}), '(x - self.coords[0], y - self.coords[1])\n', (2414, 2454), False, 'from math import hypot, sin, asin, cos, radians, degrees\n'), ((7658, 7675), 'math.hypot', 'hypot', (['xdif', 'ydif'], {}), '(xdif, ydif)\n', (7663, 7675), False, 'from math import hypot, sin, asin, cos, radians, degrees\n'), ((605, 637), 'random.randint', 'randint', (['(0)', '(self.world.width - 1)'], {}), '(0, self.world.width - 1)\n', (612, 637), False, 'from random import randint, choice\n'), ((672, 705), 'random.randint', 'randint', (['(0)', '(self.world.height - 1)'], {}), '(0, self.world.height - 1)\n', (679, 705), False, 'from random import randint, choice\n'), ((7704, 7721), 'math.asin', 'asin', (['(ydif / dist)'], {}), '(ydif / dist)\n', (7708, 7721), False, 'from math import hypot, sin, asin, cos, radians, degrees\n'), ((8105, 8120), 'random.randint', 'randint', (['(0)', '(360)'], {}), '(0, 360)\n', (8112, 8120), False, 'from random import randint, choice\n'), ((7103, 7126), 'math.radians', 'radians', (['self.direction'], {}), '(self.direction)\n', (7110, 7126), False, 'from math import hypot, sin, asin, cos, radians, degrees\n'), ((7178, 7201), 'math.radians', 'radians', (['self.direction'], {}), '(self.direction)\n', (7185, 7201), False, 'from math import hypot, sin, asin, cos, radians, degrees\n')] |
vaesl/LRF-Net | models/LRF_COCO_300.py | e44b120dd55288c02852f8e58cda31313525d748 | import torch
import torch.nn as nn
import os
import torch.nn.functional as F
class LDS(nn.Module):
def __init__(self,):
super(LDS, self).__init__()
self.pool1 = nn.MaxPool2d(kernel_size=(2, 2), stride=2, padding=0)
self.pool2 = nn.MaxPool2d(kernel_size=(2, 2), stride=2, padding=0)
self.pool3 = nn.MaxPool2d(kernel_size=(2, 2), stride=2, padding=1)
def forward(self, x):
x_pool1 = self.pool1(x)
x_pool2 = self.pool2(x_pool1)
x_pool3 = self.pool3(x_pool2)
return x_pool3
class ConvBlock(nn.Module):
def __init__(self, in_planes, out_planes, kernel_size, stride=1, padding=0, dilation=1, groups=1, relu=True, bn=True, bias=False):
super(ConvBlock, self).__init__()
self.out_channels = out_planes
self.conv = nn.Conv2d(in_planes, out_planes, kernel_size=kernel_size, stride=stride, padding=padding, dilation=dilation, groups=groups, bias=bias)
self.bn = nn.BatchNorm2d(out_planes, eps=1e-5, momentum=0.01, affine=True) if bn else None
self.relu = nn.ReLU(inplace=False) if relu else None
def forward(self, x):
x = self.conv(x)
if self.bn is not None:
x = self.bn(x)
if self.relu is not None:
x = self.relu(x)
return x
class LSN_init(nn.Module):
def __init__(self, in_planes, out_planes, stride=1):
super(LSN_init, self).__init__()
self.out_channels = out_planes
inter_planes = out_planes // 4
self.part_a = nn.Sequential(
ConvBlock(in_planes, inter_planes, kernel_size=(3, 3), stride=stride, padding=1),
ConvBlock(inter_planes, inter_planes, kernel_size=1, stride=1),
ConvBlock(inter_planes, inter_planes, kernel_size=(3, 3), stride=stride, padding=1)
)
self.part_b = ConvBlock(inter_planes, out_planes, kernel_size=1, stride=1, relu=False)
def forward(self, x):
out1 = self.part_a(x)
out2 = self.part_b(out1)
return out1, out2
class LSN_later(nn.Module):
def __init__(self, in_planes, out_planes, stride=1):
super(LSN_later, self).__init__()
self.out_channels = out_planes
inter_planes = out_planes // 4
self.part_a = ConvBlock(in_planes, inter_planes, kernel_size=(3, 3), stride=stride, padding=1)
self.part_b = ConvBlock(inter_planes, out_planes, kernel_size=1, stride=1, relu=False)
def forward(self, x):
out1 = self.part_a(x)
out2 = self.part_b(out1)
return out1, out2
class IBN(nn.Module):
def __init__(self, out_planes, bn=True):
super(IBN, self).__init__()
self.out_channels = out_planes
self.bn = nn.BatchNorm2d(out_planes, eps=1e-5, momentum=0.01, affine=True) if bn else None
def forward(self, x):
if self.bn is not None:
x = self.bn(x)
return x
class One_Three_Conv(nn.Module):
def __init__(self, in_planes, out_planes, stride=1):
super(One_Three_Conv, self).__init__()
self.out_channels = out_planes
inter_planes = in_planes // 4
self.single_branch = nn.Sequential(
ConvBlock(in_planes, inter_planes, kernel_size=1, stride=1),
ConvBlock(inter_planes, out_planes, kernel_size=(3, 3), stride=stride, padding=1, relu=False)
)
def forward(self, x):
out = self.single_branch(x)
return out
class Relu_Conv(nn.Module):
def __init__(self, in_planes, out_planes, stride=1):
super(Relu_Conv, self).__init__()
self.out_channels = out_planes
self.relu = nn.ReLU(inplace=False)
self.single_branch = nn.Sequential(
ConvBlock(in_planes, out_planes, kernel_size=(3, 3), stride=stride, padding=1)
)
def forward(self, x):
x = self.relu(x)
out = self.single_branch(x)
return out
class Ds_Conv(nn.Module):
def __init__(self, in_planes, out_planes, stride=1, padding=(1, 1)):
super(Ds_Conv, self).__init__()
self.out_channels = out_planes
self.single_branch = nn.Sequential(
ConvBlock(in_planes, out_planes, kernel_size=(3, 3), stride=stride, padding=padding, relu=False)
)
def forward(self, x):
out = self.single_branch(x)
return out
class LRFNet(nn.Module):
"""LRFNet for object detection
The network is based on the SSD architecture.
Each multibox layer branches into
1) conv2d for class conf scores
2) conv2d for localization predictions
3) associated priorbox layer to produce default bounding
boxes specific to the layer's feature map size.
Args:
phase: (string) Can be "test" or "train"
base: VGG16 layers for input, size of either 300 or 512
extras: extra layers that feed to multibox loc and conf layers
head: "multibox head" consists of loc and conf conv layers
"""
def __init__(self, phase, size, base, extras, head, num_classes):
super(LRFNet, self).__init__()
self.phase = phase
self.num_classes = num_classes
self.size = size
# vgg network
self.base = nn.ModuleList(base)
self.lds = LDS()
# convs for merging the lsn and ssd features
self.Norm1 = Relu_Conv(512, 512, stride=1)
self.Norm2 = Relu_Conv(1024, 1024, stride=1)
self.Norm3 = Relu_Conv(512, 512, stride=1)
self.Norm4 = Relu_Conv(256, 256, stride=1)
# convs for generate the lsn features
self.icn1 = LSN_init(3, 512, stride=1)
self.icn2 = LSN_later(128, 1024, stride=2)
self.icn3 = LSN_later(256, 512, stride=2)
# convs with s=2 to downsample the features
self.dsc1 = Ds_Conv(512, 1024, stride=2, padding=(1, 1))
self.dsc2 = Ds_Conv(1024, 512, stride=2, padding=(1, 1))
self.dsc3 = Ds_Conv(512, 256, stride=2, padding=(1, 1))
# convs to reduce the feature dimensions of current level
self.agent1 = ConvBlock(512, 256, kernel_size=1, stride=1)
self.agent2 = ConvBlock(1024, 512, kernel_size=1, stride=1)
self.agent3 = ConvBlock(512, 256, kernel_size=1, stride=1)
# convs to reduce the feature dimensions of other levels
self.proj1 = ConvBlock(1024, 128, kernel_size=1, stride=1)
self.proj2 = ConvBlock(512, 128, kernel_size=1, stride=1)
self.proj3 = ConvBlock(256, 128, kernel_size=1, stride=1)
# convs to reduce the feature dimensions of other levels
self.convert1 = ConvBlock(384, 256, kernel_size=1)
self.convert2 = ConvBlock(256, 512, kernel_size=1)
self.convert3 = ConvBlock(128, 256, kernel_size=1)
# convs to merge the features of the current and higher level features
self.merge1 = ConvBlock(512, 512, kernel_size=3, stride=1, padding=1)
self.merge2 = ConvBlock(1024, 1024, kernel_size=3, stride=1, padding=1)
self.merge3 = ConvBlock(512, 512, kernel_size=3, stride=1, padding=1)
self.ibn1 = IBN(512, bn=True)
self.ibn2 = IBN(1024, bn=True)
self.relu = nn.ReLU(inplace=False)
self.extras = nn.ModuleList(extras)
self.loc = nn.ModuleList(head[0])
self.conf = nn.ModuleList(head[1])
if self.phase == 'test':
self.softmax = nn.Softmax()
def forward(self, x):
"""Applies network layers and ops on input image(s) x.
Args:
x: input image or batch of images. Shape: [batch,3,300,300].
Return:
Depending on phase:
test:
list of concat outputs from:
1: softmax layers, Shape: [batch*num_priors,num_classes]
2: localization layers, Shape: [batch,num_priors*4]
3: priorbox layers, Shape: [2,num_priors*4]
train:
list of concat outputs from:
1: confidence layers, Shape: [batch*num_priors,num_classes]
2: localization layers, Shape: [batch,num_priors*4]
3: priorbox layers, Shape: [2,num_priors*4]
"""
sources = list()
loc = list()
conf = list()
new_sources = list()
# apply lds to the initial image
x_pool = self.lds(x)
# apply vgg up to conv4_3
for k in range(22):
x = self.base[k](x)
conv4_3_bn = self.ibn1(x)
x_pool1_skip, x_pool1_icn = self.icn1(x_pool)
s = self.Norm1(conv4_3_bn * x_pool1_icn)
# apply vgg up to fc7
for k in range(22, 34):
x = self.base[k](x)
conv7_bn = self.ibn2(x)
x_pool2_skip, x_pool2_icn = self.icn2(x_pool1_skip)
p = self.Norm2(self.dsc1(s) + conv7_bn * x_pool2_icn)
x = self.base[34](x)
# apply extra layers and cache source layer outputs
for k, v in enumerate(self.extras):
x = v(x)
if k == 0:
x_pool3_skip, x_pool3_icn = self.icn3(x_pool2_skip)
w = self.Norm3(self.dsc2(p) + x * x_pool3_icn)
elif k == 2:
q = self.Norm4(self.dsc3(w) + x)
sources.append(q)
elif k == 5 or k == 7:
sources.append(x)
else:
pass
# project the forward features into lower dimension.
tmp1 = self.proj1(p)
tmp2 = self.proj2(w)
tmp3 = self.proj3(q)
# The conv4_3 level
proj1 = F.upsample(tmp1, size=(38, 38), mode='bilinear')
proj2 = F.upsample(tmp2, size=(38, 38), mode='bilinear')
proj3 = F.upsample(tmp3, size=(38, 38), mode='bilinear')
proj = torch.cat([proj1, proj2, proj3], dim=1)
agent1 = self.agent1(s)
convert1 = self.convert1(proj)
pred1 = torch.cat([agent1, convert1], dim=1)
pred1 = self.merge1(pred1)
new_sources.append(pred1)
# The fc_7 level
proj2 = F.upsample(tmp2, size=(19, 19), mode='bilinear')
proj3 = F.upsample(tmp3, size=(19, 19), mode='bilinear')
proj = torch.cat([proj2, proj3], dim=1)
agent2 = self.agent2(p)
convert2 = self.convert2(proj)
pred2 = torch.cat([agent2, convert2], dim=1)
pred2 = self.merge2(pred2)
new_sources.append(pred2)
# The conv8 level
proj3 = F.upsample(tmp3, size=(10, 10), mode='bilinear')
proj = proj3
agent3 = self.agent3(w)
convert3 = self.convert3(proj)
pred3 = torch.cat([agent3, convert3], dim=1)
pred3 = self.merge3(pred3)
new_sources.append(pred3)
for prediction in sources:
new_sources.append(prediction)
# apply multibox head to source layers
for (x, l, c) in zip(new_sources, self.loc, self.conf):
loc.append(l(x).permute(0, 2, 3, 1).contiguous())
conf.append(c(x).permute(0, 2, 3, 1).contiguous())
loc = torch.cat([o.view(o.size(0), -1) for o in loc], 1)
conf = torch.cat([o.view(o.size(0), -1) for o in conf], 1)
if self.phase == "test":
output = (
loc.view(loc.size(0), -1, 4), # loc preds
self.softmax(conf.view(-1, self.num_classes)), # conf preds
)
else:
output = (
loc.view(loc.size(0), -1, 4),
conf.view(conf.size(0), -1, self.num_classes),
)
return output
def load_weights(self, base_file):
other, ext = os.path.splitext(base_file)
if ext == '.pkl' or '.pth':
print('Loading weights into state dict...')
self.load_state_dict(torch.load(base_file))
print('Finished!')
else:
print('Sorry only .pth and .pkl files supported.')
def vgg(cfg, i, batch_norm=False):
layers = []
in_channels = i
for v in cfg:
if v == 'M':
layers += [nn.MaxPool2d(kernel_size=2, stride=2)]
elif v == 'C':
layers += [nn.MaxPool2d(kernel_size=2, stride=2, ceil_mode=True)]
else:
conv2d = nn.Conv2d(in_channels, v, kernel_size=3, padding=1)
if batch_norm:
layers += [conv2d, nn.BatchNorm2d(v), nn.ReLU(inplace=False)]
else:
layers += [conv2d, nn.ReLU(inplace=False)]
in_channels = v
pool5 = nn.MaxPool2d(kernel_size=3, stride=1, padding=1)
conv6 = nn.Conv2d(512, 1024, kernel_size=3, padding=6, dilation=6)
conv7 = nn.Conv2d(1024, 1024, kernel_size=1)
layers += [pool5, conv6,
nn.ReLU(inplace=False), conv7, nn.ReLU(inplace=False)]
return layers
base = {
'300': [64, 64, 'M', 128, 128, 'M', 256, 256, 256, 'C', 512, 512, 512, 'M',
512, 512, 512]}
def add_extras(size, cfg, i, batch_norm=False):
# Extra layers added to VGG for feature scaling
layers = []
in_channels = i
flag = False
for k, v in enumerate(cfg):
if in_channels != 'S':
if v == 'S':
if in_channels == 256 and size == 512:
layers += [One_Three_Conv(in_channels, cfg[k+1], stride=2), nn.ReLU(inplace=False)]
else:
layers += [One_Three_Conv(in_channels, cfg[k+1], stride=2), nn.ReLU(inplace=False)]
in_channels = v
layers += [ConvBlock(256, 128, kernel_size=1,stride=1)]
layers += [ConvBlock(128, 256, kernel_size=3,stride=1)]
layers += [ConvBlock(256, 128, kernel_size=1,stride=1)]
layers += [ConvBlock(128, 256, kernel_size=3,stride=1)]
return layers
extras = {
'300': [1024, 'S', 512, 'S', 256]}
def multibox(size, vgg, extra_layers, cfg, num_classes):
loc_layers = []
conf_layers = []
vgg_source = [1, -2]
for k, v in enumerate(vgg_source):
if k == 0:
loc_layers += [nn.Conv2d(512,
cfg[k] * 4, kernel_size=3, padding=1)]
conf_layers +=[nn.Conv2d(512,
cfg[k] * num_classes, kernel_size=3, padding=1)]
else:
loc_layers += [nn.Conv2d(vgg[v].out_channels,
cfg[k] * 4, kernel_size=3, padding=1)]
conf_layers += [nn.Conv2d(vgg[v].out_channels,
cfg[k] * num_classes, kernel_size=3, padding=1)]
i = 2
indicator = 3
for k, v in enumerate(extra_layers):
if (k < indicator+1 and k % 2 == 0) or (k > indicator+1 and k % 2 != 0):
loc_layers += [nn.Conv2d(v.out_channels, cfg[i]
* 4, kernel_size=3, padding=1)]
conf_layers += [nn.Conv2d(v.out_channels, cfg[i]
* num_classes, kernel_size=3, padding=1)]
i += 1
return vgg, extra_layers, (loc_layers, conf_layers)
mbox = {
'300': [6, 6, 6, 6, 4, 4]}
def build_net(phase, size=300, num_classes=81):
if size != 300:
print("Error: The input image size is not supported!")
return
return LRFNet(phase, size, *multibox(size, vgg(base[str(size)], 3),
add_extras(size, extras[str(size)], 1024),
mbox[str(size)], num_classes), num_classes)
| [((12471, 12519), 'torch.nn.MaxPool2d', 'nn.MaxPool2d', ([], {'kernel_size': '(3)', 'stride': '(1)', 'padding': '(1)'}), '(kernel_size=3, stride=1, padding=1)\n', (12483, 12519), True, 'import torch.nn as nn\n'), ((12532, 12590), 'torch.nn.Conv2d', 'nn.Conv2d', (['(512)', '(1024)'], {'kernel_size': '(3)', 'padding': '(6)', 'dilation': '(6)'}), '(512, 1024, kernel_size=3, padding=6, dilation=6)\n', (12541, 12590), True, 'import torch.nn as nn\n'), ((12603, 12639), 'torch.nn.Conv2d', 'nn.Conv2d', (['(1024)', '(1024)'], {'kernel_size': '(1)'}), '(1024, 1024, kernel_size=1)\n', (12612, 12639), True, 'import torch.nn as nn\n'), ((183, 236), 'torch.nn.MaxPool2d', 'nn.MaxPool2d', ([], {'kernel_size': '(2, 2)', 'stride': '(2)', 'padding': '(0)'}), '(kernel_size=(2, 2), stride=2, padding=0)\n', (195, 236), True, 'import torch.nn as nn\n'), ((258, 311), 'torch.nn.MaxPool2d', 'nn.MaxPool2d', ([], {'kernel_size': '(2, 2)', 'stride': '(2)', 'padding': '(0)'}), '(kernel_size=(2, 2), stride=2, padding=0)\n', (270, 311), True, 'import torch.nn as nn\n'), ((333, 386), 'torch.nn.MaxPool2d', 'nn.MaxPool2d', ([], {'kernel_size': '(2, 2)', 'stride': '(2)', 'padding': '(1)'}), '(kernel_size=(2, 2), stride=2, padding=1)\n', (345, 386), True, 'import torch.nn as nn\n'), ((811, 949), 'torch.nn.Conv2d', 'nn.Conv2d', (['in_planes', 'out_planes'], {'kernel_size': 'kernel_size', 'stride': 'stride', 'padding': 'padding', 'dilation': 'dilation', 'groups': 'groups', 'bias': 'bias'}), '(in_planes, out_planes, kernel_size=kernel_size, stride=stride,\n padding=padding, dilation=dilation, groups=groups, bias=bias)\n', (820, 949), True, 'import torch.nn as nn\n'), ((3648, 3670), 'torch.nn.ReLU', 'nn.ReLU', ([], {'inplace': '(False)'}), '(inplace=False)\n', (3655, 3670), True, 'import torch.nn as nn\n'), ((5223, 5242), 'torch.nn.ModuleList', 'nn.ModuleList', (['base'], {}), '(base)\n', (5236, 5242), True, 'import torch.nn as nn\n'), ((7163, 7185), 'torch.nn.ReLU', 'nn.ReLU', ([], {'inplace': '(False)'}), '(inplace=False)\n', (7170, 7185), True, 'import torch.nn as nn\n'), ((7209, 7230), 'torch.nn.ModuleList', 'nn.ModuleList', (['extras'], {}), '(extras)\n', (7222, 7230), True, 'import torch.nn as nn\n'), ((7250, 7272), 'torch.nn.ModuleList', 'nn.ModuleList', (['head[0]'], {}), '(head[0])\n', (7263, 7272), True, 'import torch.nn as nn\n'), ((7293, 7315), 'torch.nn.ModuleList', 'nn.ModuleList', (['head[1]'], {}), '(head[1])\n', (7306, 7315), True, 'import torch.nn as nn\n'), ((9554, 9602), 'torch.nn.functional.upsample', 'F.upsample', (['tmp1'], {'size': '(38, 38)', 'mode': '"""bilinear"""'}), "(tmp1, size=(38, 38), mode='bilinear')\n", (9564, 9602), True, 'import torch.nn.functional as F\n'), ((9619, 9667), 'torch.nn.functional.upsample', 'F.upsample', (['tmp2'], {'size': '(38, 38)', 'mode': '"""bilinear"""'}), "(tmp2, size=(38, 38), mode='bilinear')\n", (9629, 9667), True, 'import torch.nn.functional as F\n'), ((9684, 9732), 'torch.nn.functional.upsample', 'F.upsample', (['tmp3'], {'size': '(38, 38)', 'mode': '"""bilinear"""'}), "(tmp3, size=(38, 38), mode='bilinear')\n", (9694, 9732), True, 'import torch.nn.functional as F\n'), ((9748, 9787), 'torch.cat', 'torch.cat', (['[proj1, proj2, proj3]'], {'dim': '(1)'}), '([proj1, proj2, proj3], dim=1)\n', (9757, 9787), False, 'import torch\n'), ((9876, 9912), 'torch.cat', 'torch.cat', (['[agent1, convert1]'], {'dim': '(1)'}), '([agent1, convert1], dim=1)\n', (9885, 9912), False, 'import torch\n'), ((10024, 10072), 'torch.nn.functional.upsample', 'F.upsample', (['tmp2'], {'size': '(19, 19)', 'mode': '"""bilinear"""'}), "(tmp2, size=(19, 19), mode='bilinear')\n", (10034, 10072), True, 'import torch.nn.functional as F\n'), ((10089, 10137), 'torch.nn.functional.upsample', 'F.upsample', (['tmp3'], {'size': '(19, 19)', 'mode': '"""bilinear"""'}), "(tmp3, size=(19, 19), mode='bilinear')\n", (10099, 10137), True, 'import torch.nn.functional as F\n'), ((10153, 10185), 'torch.cat', 'torch.cat', (['[proj2, proj3]'], {'dim': '(1)'}), '([proj2, proj3], dim=1)\n', (10162, 10185), False, 'import torch\n'), ((10274, 10310), 'torch.cat', 'torch.cat', (['[agent2, convert2]'], {'dim': '(1)'}), '([agent2, convert2], dim=1)\n', (10283, 10310), False, 'import torch\n'), ((10423, 10471), 'torch.nn.functional.upsample', 'F.upsample', (['tmp3'], {'size': '(10, 10)', 'mode': '"""bilinear"""'}), "(tmp3, size=(10, 10), mode='bilinear')\n", (10433, 10471), True, 'import torch.nn.functional as F\n'), ((10581, 10617), 'torch.cat', 'torch.cat', (['[agent3, convert3]'], {'dim': '(1)'}), '([agent3, convert3], dim=1)\n', (10590, 10617), False, 'import torch\n'), ((11603, 11630), 'os.path.splitext', 'os.path.splitext', (['base_file'], {}), '(base_file)\n', (11619, 11630), False, 'import os\n'), ((12684, 12706), 'torch.nn.ReLU', 'nn.ReLU', ([], {'inplace': '(False)'}), '(inplace=False)\n', (12691, 12706), True, 'import torch.nn as nn\n'), ((12715, 12737), 'torch.nn.ReLU', 'nn.ReLU', ([], {'inplace': '(False)'}), '(inplace=False)\n', (12722, 12737), True, 'import torch.nn as nn\n'), ((964, 1029), 'torch.nn.BatchNorm2d', 'nn.BatchNorm2d', (['out_planes'], {'eps': '(1e-05)', 'momentum': '(0.01)', 'affine': '(True)'}), '(out_planes, eps=1e-05, momentum=0.01, affine=True)\n', (978, 1029), True, 'import torch.nn as nn\n'), ((1065, 1087), 'torch.nn.ReLU', 'nn.ReLU', ([], {'inplace': '(False)'}), '(inplace=False)\n', (1072, 1087), True, 'import torch.nn as nn\n'), ((2729, 2794), 'torch.nn.BatchNorm2d', 'nn.BatchNorm2d', (['out_planes'], {'eps': '(1e-05)', 'momentum': '(0.01)', 'affine': '(True)'}), '(out_planes, eps=1e-05, momentum=0.01, affine=True)\n', (2743, 2794), True, 'import torch.nn as nn\n'), ((7376, 7388), 'torch.nn.Softmax', 'nn.Softmax', ([], {}), '()\n', (7386, 7388), True, 'import torch.nn as nn\n'), ((11756, 11777), 'torch.load', 'torch.load', (['base_file'], {}), '(base_file)\n', (11766, 11777), False, 'import torch\n'), ((12022, 12059), 'torch.nn.MaxPool2d', 'nn.MaxPool2d', ([], {'kernel_size': '(2)', 'stride': '(2)'}), '(kernel_size=2, stride=2)\n', (12034, 12059), True, 'import torch.nn as nn\n'), ((12197, 12248), 'torch.nn.Conv2d', 'nn.Conv2d', (['in_channels', 'v'], {'kernel_size': '(3)', 'padding': '(1)'}), '(in_channels, v, kernel_size=3, padding=1)\n', (12206, 12248), True, 'import torch.nn as nn\n'), ((13947, 13999), 'torch.nn.Conv2d', 'nn.Conv2d', (['(512)', '(cfg[k] * 4)'], {'kernel_size': '(3)', 'padding': '(1)'}), '(512, cfg[k] * 4, kernel_size=3, padding=1)\n', (13956, 13999), True, 'import torch.nn as nn\n'), ((14061, 14123), 'torch.nn.Conv2d', 'nn.Conv2d', (['(512)', '(cfg[k] * num_classes)'], {'kernel_size': '(3)', 'padding': '(1)'}), '(512, cfg[k] * num_classes, kernel_size=3, padding=1)\n', (14070, 14123), True, 'import torch.nn as nn\n'), ((14199, 14267), 'torch.nn.Conv2d', 'nn.Conv2d', (['vgg[v].out_channels', '(cfg[k] * 4)'], {'kernel_size': '(3)', 'padding': '(1)'}), '(vgg[v].out_channels, cfg[k] * 4, kernel_size=3, padding=1)\n', (14208, 14267), True, 'import torch.nn as nn\n'), ((14330, 14408), 'torch.nn.Conv2d', 'nn.Conv2d', (['vgg[v].out_channels', '(cfg[k] * num_classes)'], {'kernel_size': '(3)', 'padding': '(1)'}), '(vgg[v].out_channels, cfg[k] * num_classes, kernel_size=3, padding=1)\n', (14339, 14408), True, 'import torch.nn as nn\n'), ((14612, 14675), 'torch.nn.Conv2d', 'nn.Conv2d', (['v.out_channels', '(cfg[i] * 4)'], {'kernel_size': '(3)', 'padding': '(1)'}), '(v.out_channels, cfg[i] * 4, kernel_size=3, padding=1)\n', (14621, 14675), True, 'import torch.nn as nn\n'), ((14738, 14811), 'torch.nn.Conv2d', 'nn.Conv2d', (['v.out_channels', '(cfg[i] * num_classes)'], {'kernel_size': '(3)', 'padding': '(1)'}), '(v.out_channels, cfg[i] * num_classes, kernel_size=3, padding=1)\n', (14747, 14811), True, 'import torch.nn as nn\n'), ((12107, 12160), 'torch.nn.MaxPool2d', 'nn.MaxPool2d', ([], {'kernel_size': '(2)', 'stride': '(2)', 'ceil_mode': '(True)'}), '(kernel_size=2, stride=2, ceil_mode=True)\n', (12119, 12160), True, 'import torch.nn as nn\n'), ((12311, 12328), 'torch.nn.BatchNorm2d', 'nn.BatchNorm2d', (['v'], {}), '(v)\n', (12325, 12328), True, 'import torch.nn as nn\n'), ((12330, 12352), 'torch.nn.ReLU', 'nn.ReLU', ([], {'inplace': '(False)'}), '(inplace=False)\n', (12337, 12352), True, 'import torch.nn as nn\n'), ((12407, 12429), 'torch.nn.ReLU', 'nn.ReLU', ([], {'inplace': '(False)'}), '(inplace=False)\n', (12414, 12429), True, 'import torch.nn as nn\n'), ((13253, 13275), 'torch.nn.ReLU', 'nn.ReLU', ([], {'inplace': '(False)'}), '(inplace=False)\n', (13260, 13275), True, 'import torch.nn as nn\n'), ((13379, 13401), 'torch.nn.ReLU', 'nn.ReLU', ([], {'inplace': '(False)'}), '(inplace=False)\n', (13386, 13401), True, 'import torch.nn as nn\n')] |
chromia/wandplus | tests/test.py | 815127aeee85dbac3bc8fca35971d2153b1898a9 | #!/usr/bin/env python
from wand.image import Image
from wand.drawing import Drawing
from wand.color import Color
import wandplus.image as wpi
from wandplus.textutil import calcSuitableFontsize, calcSuitableImagesize
import os
import unittest
tmpdir = '_tmp/'
def save(img, function, channel=False, ext='.png'):
if channel:
path = tmpdir + function.__name__ + "_ch" + ext
else:
path = tmpdir + function.__name__ + ext
# print(path)
img.save(filename=path)
class CheckImage(unittest.TestCase):
@classmethod
def setUpClass(self):
os.mkdir(tmpdir)
self.rose = Image(filename='rose:')
self.grad = Image(filename='gradient:', width=400, height=400)
self.logo = Image(filename='logo:')
self.text = Image(filename='label:Confirm', width=200, height=60)
self.text_a = Image(width=70, height=60)
with Drawing() as draw:
draw.font = 'Arial'
draw.font_size = 50
draw.gravity = 'center'
draw.fill_color = Color('white')
draw.stroke_color = Color('black')
draw.text(0, 0, 'A')
draw(self.text_a)
self.rose.save(filename=tmpdir + 'rose.png')
self.grad.save(filename=tmpdir + 'grad.png')
self.logo.save(filename=tmpdir + 'logo.png')
self.text.save(filename=tmpdir + 'text.png')
self.text_a.save(filename=tmpdir + 'a.png')
@classmethod
def tearDownClass(self):
self.rose.destroy()
self.grad.destroy()
self.logo.destroy()
self.text.destroy()
self.text_a.destroy()
def test_adaptiveblur(self):
f = wpi.adaptiveblur
with self.rose.clone() as t:
f(t, 5.0, 3.0)
save(t, f)
with self.rose.clone() as t:
f(t, 5.0, 3.0, channel='red')
save(t, f, True)
def test_adaptiveresize(self):
f = wpi.adaptiveresize
with self.rose.clone() as t:
f(t, int(t.width*1.5), int(t.height*2.0))
save(t, f)
def test_adaptivesharpen(self):
f = wpi.adaptivesharpen
with self.rose.clone() as t:
f(t, 5, 5)
save(t, f)
with self.rose.clone() as t:
f(t, 5, 5, channel='red')
save(t, f, True)
def test_adaptivethreshold(self):
f = wpi.adaptivethreshold
with self.logo.clone() as t:
f(t, 20, 20, int(0.1*t.quantum_range))
save(t, f)
def test_addnoise(self):
f = wpi.addnoise
with self.grad.clone() as t:
f(t, 'gaussian')
save(t, f)
with self.grad.clone() as t:
f(t, 'gaussian', channel='red')
save(t, f, True)
def test_affinetransform(self):
f = wpi.affinetransform
with self.rose.clone() as t:
with Drawing() as d:
d.affine([2.0, 0.0, 0.0, 2.0, 0.0, 0.0])
f(t, d) # not work correctly (IM<6.9.9-36)
save(t, f)
def test_autogamma(self):
f = wpi.autogamma
with self.rose.clone() as t:
f(t)
save(t, f)
with self.rose.clone() as t:
f(t, channel='red')
save(t, f, True)
def test_autolevel(self):
f = wpi.autolevel
with self.rose.clone() as t:
f(t)
save(t, f)
with self.rose.clone() as t:
f(t, channel='red')
save(t, f, True)
def test_blackthreshold(self):
f = wpi.blackthreshold
with self.grad.clone() as t:
f(t, Color('gray(50%)'))
save(t, f)
def test_blueshift(self):
f = wpi.blueshift
with self.logo.clone() as t:
f(t, 0.5)
save(t, f)
def test_brightnesscontrast(self):
f = wpi.brightnesscontrast
with self.rose.clone() as t:
f(t, -30, 0)
save(t, f)
with self.rose.clone() as t:
f(t, -30, 0, channel='red')
save(t, f, True)
def test_blur(self):
f = wpi.blur
with self.rose.clone() as t:
f(t, 0, 3)
save(t, f)
with self.rose.clone() as t:
f(t, 0, 3, channel='red')
save(t, f, True)
def test_charcoal(self):
f = wpi.charcoal
with self.rose.clone() as t:
f(t, 5, 1)
save(t, f)
def test_chop(self):
f = wpi.chop
with self.grad.clone() as t:
t.gravity = 'north_west'
f(t, 0, 00, 200, 200)
save(t, f)
def test_clamp(self):
f = wpi.clamp # TODO: more useful code
with self.rose.clone() as t:
f(t)
save(t, f)
with self.rose.clone() as t:
f(t, channel='red')
save(t, f, True)
def test_clip(self): # NOTE: result is always FAILED.
f = wpi.clip # I don't have an image which has clipping path
with self.rose.clone() as t:
f(t)
save(t, f)
def test_clippath(self): # NOTE: result is always FAILED.
f = wpi.clippath
with self.rose.clone() as t:
f(t, '#1', True)
save(t, f)
def test_clut(self):
f = wpi.clut
with Image(filename='gradient:red-blue', width=1, height=100) as p:
p.rotate(90)
with self.grad.clone() as t:
f(t, p)
save(t, f)
with self.grad.clone() as t:
f(t, p, channel='green')
save(t, f, True)
def test_coalesce(self): # TODO: input optimized .gif file.
f = wpi.coalesce
with Image() as t:
with self.rose.clone() as p:
for i in range(5):
wpi.blur(p, 0, 1)
wpi.add(t, p)
with f(t) as p:
save(p, f)
def test_colordecisionlist(self):
xml = """
<ColorCorrectionCollection xmlns="urn:ASC:CDL:v1.2">
<ColorCorrection id="cc03345">
<SOPNode>
<Slope> 0.9 1.2 0.5 </Slope>
<Offset> 0.4 -0.5 0.6 </Offset>
<Power> 1.0 0.8 1.5 </Power>
</SOPNode>
<SATNode>
<Saturation> 0.85 </Saturation>
</SATNode>
</ColorCorrection>
</ColorCorrectionCollection>
"""
f = wpi.colordecisionlist
with self.rose.clone() as t:
f(t, xml)
save(t, f)
def test_colorize(self):
f = wpi.colorize
with self.grad.clone() as t:
f(t, Color('red'), Color('gray(25%)'))
save(t, f)
def test_colormatrix(self):
f = wpi.colormatrix
with self.logo.clone() as t:
kernel = [
0.5, 0.0, 0.0, 0.0, 0.0,
0.0, 1.5, 0.0, 0.0, 0.0,
0.0, 0.0, 0.5, 0.0, 0.0,
0.0, 0.0, 0.0, 1.0, 0.0,
0.0, 0.0, 0.0, 0.0, 1.0
]
f(t, 5, 5, kernel)
save(t, f)
def test_combine(self):
f = wpi.combine
with Image() as t:
w = 100
h = 100
black = Color('black')
white = Color('white')
with Image(width=w, height=w, background=black) as b:
with Image(width=h, height=h, background=white) as w:
wpi.add(t, b) # add image for red channel
wpi.add(t, b) # add image for green channel
wpi.add(t, w) # add image for blue channel
wpi.setfirstiterator(t) # rewind the index pointer
channel = 1 + 2 + 4 # R + G + B
with f(t, channel) as q:
save(q, f)
def test_comment(self):
f = wpi.comment
with self.grad.clone() as t:
f(t, 'hello')
save(t, f)
def test_compare(self):
f = wpi.compare
with self.rose.clone() as t:
with t.clone() as p:
(c, d) = f(t, p, metric='absolute')
save(c, f)
c.destroy()
with self.rose.clone() as t:
with t.clone() as p:
(c, d) = f(t, p, metric='absolute', channel='red')
save(c, f, True)
c.destroy()
def test_comparelayer(self):
f = wpi.comparelayer
with Image() as t:
with Image(width=50, height=50, background=Color('red')) as p:
wpi.add(t, p)
with Image(width=25, height=25, background=Color('green1')) as q:
for i in range(4):
with q.clone() as qq:
wpi.resetpage(qq, 5*(i+1), 5*(i+1))
wpi.add(t, qq)
with f(t, 'compareany') as r:
save(r, f, ext='.gif')
def test_constitute(self):
f = wpi.constitute
with Image() as t:
w = 2
h = 2
b = [0, 0, 0,
255, 255, 255,
255, 0, 0,
0, 255, 0]
f(t, w, h, 'RGB', 'char', b)
save(t, f)
def test_contrast(self):
f = wpi.contrast
with self.rose.clone() as t:
f(t, False)
save(t, f)
def test_convolve(self):
f = wpi.convolve
kernel = [1/16, 2/16, 1/16,
2/16, 4/16, 2/16,
1/16, 2/16, 1/16]
with self.rose.clone() as t:
f(t, 3, kernel)
save(t, f)
with self.rose.clone() as t:
f(t, 3, kernel, channel='red')
save(t, f, True)
def test_cyclecolormap(self):
f = wpi.cyclecolormap
with self.logo.clone() as t:
f(t, 5)
save(t, f)
def test_cipher(self):
f = wpi.encipher
with self.rose.clone() as t:
f(t, 'password')
save(t, f)
f = wpi.decipher
f(t, 'password')
save(t, f)
def test_deskew(self):
f = wpi.deskew
with Image(width=80, height=40, background=Color('black')) as t:
f(t, 0.5*t.quantum_range) # TODO: find an skewed image as sample
save(t, f)
def test_despeckle(self):
f = wpi.despeckle
with self.rose.clone() as t:
# TODO: add speckle noise
f(t)
save(t, f)
def test_edge(self):
f = wpi.edge
with self.logo.clone() as t:
f(t, 3)
save(t, f)
def test_emboss(self):
f = wpi.emboss
with self.logo.clone() as t:
f(t, 0, 3)
save(t, f)
def test_enhance(self):
f = wpi.enhance
with Image(filename='plasma:', width=100, height=100) as t:
f(t)
save(t, f)
def test_equalize(self):
f = wpi.equalize
with self.rose.clone() as t:
f(t)
save(t, f)
with self.rose.clone() as t:
f(t, channel='red')
save(t, f, True)
def test_exportpixels(self):
w = 1
h = 1
channels = 'RGB'
with Image(width=w, height=h, background=Color('red')) as t:
r = wpi.exportpixels(t, 0, 0, w, h, channels, 'double')
self.assertEqual(r[0], 1.0)
self.assertEqual(r[1], 0.0)
self.assertEqual(r[2], 0.0)
def test_extent(self):
f = wpi.extent
with self.rose.clone() as t:
t.gravity = 'center'
t.background_color = Color('blue')
f(t, -10, -10, t.width+20, t.height+20)
save(t, f)
def test_filterimage(self):
f = wpi.filterimage
kernel = [ # Sobel filter
-1.0, 0.0, 1.0,
-2.0, 0.0, 2.0,
-1.0, 0.0, 1.0,
]
with self.rose.clone() as t:
f(t, 3, 3, kernel)
save(t, f)
with self.rose.clone() as t:
f(t, 3, 3, kernel, channel='red')
save(t, f, True)
def test_floodfillpaint(self):
f = wpi.floodfillpaint
with self.logo.clone() as t:
f(t, Color('green'), 0.10*t.quantum_range, Color('white'), 0, 0)
save(t, f)
def test_fft(self):
f = wpi.forwardfouriertransform # require IM build option '--with-fftw'
with self.logo.clone() as t: # I couldn't build on Windows...
f(t, True)
save(t, f) # includes two images(magnitude&phase)
f = wpi.inversefouriertransform
with t.sequence[0].clone() as mag:
with t.sequence[1].clone() as phase:
wpi.blur(mag, 0, 0.5) # as degradation
t2 = mag
f(t2, phase, True)
save(t2, f)
def test_haldclut(self):
f = wpi.haldclut # TODO: more useful code
with Image(filename='hald:12') as p:
with self.rose.clone() as t:
f(t, p)
save(t, f)
with self.rose.clone() as t:
f(t, p, channel='red')
save(t, f, True)
def test_implode(self):
f = wpi.implode
with self.rose.clone() as t:
f(t, 1.0)
save(t, f)
def test_importpixels(self):
f = wpi.importpixels
with Image(width=4, height=4, background=Color('red')) as t:
w = 2
h = 2
b = [0, 0, 0,
255, 255, 255,
255, 0, 0,
0, 255, 0]
f(t, 1, 1, w, h, 'RGB', 'char', b)
save(t, f)
def test_label(self):
f = wpi.label
with self.rose.clone() as t:
f(t, 'hello')
save(t, f)
def test_localcontrast(self):
f = wpi.localcontrast
with self.logo.clone() as t:
f(t, 5, 30)
save(t, f)
def test_magnify(self):
f = wpi.magnify
with self.rose.clone() as t:
f(t)
save(t, f)
def test_minify(self):
f = wpi.minify
with self.rose.clone() as t:
f(t)
save(t, f)
def test_montage(self):
f = wpi.montage
with self.rose.clone() as base:
with Image() as dst:
rows = 2
columns = 3
for i in range(rows * columns):
wpi.add(dst, base)
tile = "{0}x{1}+0+0".format(columns, rows)
thumb = "80x50+4+3"
frame = "15x15+3+3"
mode = "frame"
with Drawing() as d:
with f(dst, d, tile, thumb, mode, frame) as result:
save(result, f)
def test_morph(self):
f = wpi.morph
color = Color('white')
with self.rose.clone() as t:
with Image(width=t.width, height=t.height, background=color) as p:
wpi.add(t, p)
wpi.setfirstiterator(t)
wpi.setdelay(t, 60)
with f(t, 5) as q:
save(q, f, ext='.gif')
def test_morphology(self):
f = wpi.morphology
with self.logo.clone() as t:
f(t, 'dilate', 1, 'Diamond')
save(t, f)
with self.logo.clone() as t:
f(t, 'dilate', 1, 'Diamond', channel='red')
save(t, f, True)
def test_motionblur(self):
f = wpi.motionblur
with self.logo.clone() as t:
f(t, 30, 10, 45)
save(t, f)
with self.logo.clone() as t:
f(t, 30, 10, 45, channel='red')
save(t, f, True)
def test_oilpaint(self):
f = wpi.oilpaint
with self.rose.clone() as t:
f(t, 2.0)
save(t, f)
def test_opaquepaint(self):
f = wpi.opaquepaint
with self.logo.clone() as t:
f(t, Color('red'), Color('blue'), 1.0, False)
save(t, f)
with self.logo.clone() as t:
f(t, Color('red'), Color('blue'), 1.0, False, channel='blue')
save(t, f, True)
def test_orderedposterize(self):
f = wpi.orderedposterize
with self.grad.clone() as t:
f(t, 'o4x4,3,3')
save(t, f)
with self.grad.clone() as t:
f(t, 'o4x4,3,3', channel='red')
save(t, f, True)
def test_polaroid(self):
f = wpi.polaroid
with self.logo.clone() as t:
with Drawing() as d:
f(t, d, 1.0)
save(t, f)
def test_posterize(self):
f = wpi.posterize
with self.rose.clone() as t:
f(t, 3, True)
save(t, f)
def test_raiseimage(self):
f = wpi.raiseimage
with self.rose.clone() as t:
f(t, 10, 10, 10, 10, True)
save(t, f)
def test_randomthreshold(self):
f = wpi.randomthreshold
with self.text_a.clone() as t:
rng = t.quantum_range
f(t, int(rng * 0.05), int(rng * 0.95))
save(t, f)
with self.text_a.clone() as t:
rng = t.quantum_range
f(t, int(rng * 0.05), int(rng * 0.95), channel='red')
save(t, f, True)
def test_remap(self):
f = wpi.remap
with self.logo.clone() as t:
with self.rose.clone() as p:
f(t, p, 'nodither')
save(t, f)
def test_resample(self):
f = wpi.resample
with self.rose.clone() as t:
dpi = 72 * 2
f(t, dpi, dpi, 'lanczos', 1.0)
save(t, f)
def test_roll(self):
f = wpi.roll
with self.rose.clone() as t:
f(t, 10, 10)
save(t, f)
def test_rotationalblur(self):
f = wpi.rotationalblur
with self.rose.clone() as t:
f(t, 45)
save(t, f)
with self.rose.clone() as t:
f(t, 45, channel='red')
save(t, f, True)
def test_scale(self):
f = wpi.scale
with self.rose.clone() as t:
f(t, t.width*2, t.height*2)
save(t, f)
def test_segment(self):
f = wpi.segment
with self.logo.clone() as t:
f(t, 'rgb', False, 5, 20)
save(t, f)
def test_selectiveblur(self):
f = wpi.selectiveblur
with self.logo.clone() as t:
f(t, 20, 20, 0.5*t.quantum_range)
save(t, f)
with self.logo.clone() as t:
f(t, 20, 20, 0.5*t.quantum_range, channel='red')
save(t, f, True)
def test_separate_channel(self):
f = wpi.separate_channel
with self.rose.clone() as t:
f(t, 'red')
save(t, f)
def test_sepiatone(self):
f = wpi.sepiatone
with self.rose.clone() as t:
f(t, 0.5*t.quantum_range)
save(t, f)
def test_shade(self):
f = wpi.shade
with self.logo.clone() as t:
f(t, True, 45, 135)
save(t, f)
def test_shadow(self):
f = wpi.shadow
with self.text.clone() as t:
with self.text.clone() as p:
p.negate()
f(p, 100, 2, 10, 10)
t.composite_channel('default_channels', p, 'overlay')
save(t, f)
def test_sharpen(self):
f = wpi.sharpen
with self.rose.clone() as t:
f(t, 3, 3)
save(t, f)
with self.rose.clone() as t:
f(t, 3, 3, channel='red')
save(t, f, True)
def test_shave(self):
f = wpi.shave
with self.logo.clone() as t:
f(t, 100, 100)
save(t, f)
def test_shear(self):
f = wpi.shear
with self.grad.clone() as t:
f(t, Color('red'), 0, 10)
save(t, f)
def test_sigmoidalcontrast(self):
f = wpi.sigmoidalcontrast
with self.rose.clone() as t:
f(t, True, 3, 3)
save(t, f)
with self.rose.clone() as t:
f(t, True, 3, 3, channel='red')
save(t, f, True)
def test_sketch(self):
f = wpi.sketch
with self.logo.clone() as t:
f(t, 10, 10, 45)
save(t, f)
def test_smush(self):
f = wpi.smush
def makeletter(letter, w, h):
img = Image(width=w, height=h)
with Drawing() as d:
d.font = 'Arial'
d.font_size = 24
d.gravity = 'center'
d.text(0, 0, letter)
d(img)
return img
with Image() as t:
with makeletter('A', 50, 30) as a:
with makeletter('B', 50, 30) as b:
wpi.add(t, a)
wpi.add(t, b)
wpi.setfirstiterator(t)
with f(t, False, -3) as p:
save(p, f)
def test_solarize(self):
f = wpi.solarize
with self.rose.clone() as t:
f(t, 0.4*t.quantum_range)
save(t, f)
with self.rose.clone() as t:
f(t, 0.4*t.quantum_range, channel='red')
save(t, f, True)
def test_splice(self):
f = wpi.splice
with self.rose.clone() as t:
t.gravity = 'center'
f(t, t.width//2, t.height//2, 20, 20)
save(t, f)
def test_sparsecolor(self):
f = wpi.sparsecolor
with Image(width=100, height=100, background=Color('black')) as t:
f(t, 'default_channels', 'bilinear',
[0, 0, 1.0, 0.0, 0.0, 1.0,
100, 100, 0.0, 1.0, 1.0, 1.0])
save(t, f)
def test_spread(self):
f = wpi.spread
with self.logo.clone() as t:
f(t, 20)
save(t, f)
def test_statistic(self):
f = wpi.statistic
with self.rose.clone() as t:
f(t, 'gradient', 4, 4)
save(t, f)
with self.rose.clone() as t:
f(t, 'gradient', 4, 4, channel='red')
save(t, f, True)
def test_stegano(self):
f = wpi.stegano
with self.rose.clone() as t:
w = 50
h = 40
offset = 15
tmpfile = 'tmp.png'
with Image(width=w, height=h, background=Color('white')) as p:
with Drawing() as d:
d.gravity = 'center'
d.fill_color = Color('black')
d.text(0, 0, 'Watch\nthe\nPidgeon')
d(p)
with f(t, p, offset) as q:
q.save(filename=tmpfile)
try:
with Image() as q:
wpi.setsizeoffset(q, w, h, offset)
q.read(filename='stegano:' + tmpfile)
save(q, f)
except Exception:
raise
finally:
os.remove(tmpfile)
def test_stereo(self):
f = wpi.stereo
with self.rose.clone() as t:
with self.rose.clone() as p:
p.negate()
with f(t, p) as q:
save(q, f)
def test_swirl(self):
f = wpi.swirl
with self.rose.clone() as t:
f(t, 180)
save(t, f)
def test_texture(self):
f = wpi.texture
with Image(width=300, height=200) as t:
with self.rose.clone() as p:
with f(t, p) as q:
save(q, f)
def test_thumbnail(self):
f = wpi.thumbnail
with self.logo.clone() as t:
f(t, 100, 100)
save(t, f)
def test_tint(self):
f = wpi.tint
with self.rose.clone() as t:
f(t, Color('rgb'), Color('gray(25%)'))
save(t, f)
def test_vignette(self):
f = wpi.vignette
with self.logo.clone() as t:
wpi.minify(t)
t.background_color = Color('black')
f(t, 0, 10, 20, 20)
save(t, f)
def test_wave(self):
f = wpi.wave
with self.grad.clone() as t:
f(t, 40, 200)
save(t, f)
def test_whitethreshold(self):
f = wpi.whitethreshold
with self.grad.clone() as t:
f(t, Color('gray(50%)'))
save(t, f)
class CheckTextUtil(unittest.TestCase):
def test_imagesize(self):
with Drawing() as d:
text = 'check'
d.font = 'Arial'
d.font_size = 36
size = calcSuitableImagesize(d, text)
print('calcSuitableImagesize: ', size)
self.assertTrue(size[0] > 0 and size[1] > 0)
def test_fontsize(self):
w = 100
h = 100
with Drawing() as d:
text = 'check'
d.font = 'Arial'
fontsize = calcSuitableFontsize(d, text, width=w)
print('calcSuitableImagesize[W]: ', fontsize)
self.assertTrue(fontsize > 0)
fontsize = calcSuitableFontsize(d, text, height=h)
print('calcSuitableImagesize[H]: ', fontsize)
self.assertTrue(fontsize > 0)
if __name__ == '__main__':
unittest.main()
| [((25402, 25417), 'unittest.main', 'unittest.main', ([], {}), '()\n', (25415, 25417), False, 'import unittest\n'), ((583, 599), 'os.mkdir', 'os.mkdir', (['tmpdir'], {}), '(tmpdir)\n', (591, 599), False, 'import os\n'), ((620, 643), 'wand.image.Image', 'Image', ([], {'filename': '"""rose:"""'}), "(filename='rose:')\n", (625, 643), False, 'from wand.image import Image\n'), ((664, 714), 'wand.image.Image', 'Image', ([], {'filename': '"""gradient:"""', 'width': '(400)', 'height': '(400)'}), "(filename='gradient:', width=400, height=400)\n", (669, 714), False, 'from wand.image import Image\n'), ((735, 758), 'wand.image.Image', 'Image', ([], {'filename': '"""logo:"""'}), "(filename='logo:')\n", (740, 758), False, 'from wand.image import Image\n'), ((779, 832), 'wand.image.Image', 'Image', ([], {'filename': '"""label:Confirm"""', 'width': '(200)', 'height': '(60)'}), "(filename='label:Confirm', width=200, height=60)\n", (784, 832), False, 'from wand.image import Image\n'), ((855, 881), 'wand.image.Image', 'Image', ([], {'width': '(70)', 'height': '(60)'}), '(width=70, height=60)\n', (860, 881), False, 'from wand.image import Image\n'), ((14981, 14995), 'wand.color.Color', 'Color', (['"""white"""'], {}), "('white')\n", (14986, 14995), False, 'from wand.color import Color\n'), ((895, 904), 'wand.drawing.Drawing', 'Drawing', ([], {}), '()\n', (902, 904), False, 'from wand.drawing import Drawing\n'), ((1044, 1058), 'wand.color.Color', 'Color', (['"""white"""'], {}), "('white')\n", (1049, 1058), False, 'from wand.color import Color\n'), ((1091, 1105), 'wand.color.Color', 'Color', (['"""black"""'], {}), "('black')\n", (1096, 1105), False, 'from wand.color import Color\n'), ((5327, 5383), 'wand.image.Image', 'Image', ([], {'filename': '"""gradient:red-blue"""', 'width': '(1)', 'height': '(100)'}), "(filename='gradient:red-blue', width=1, height=100)\n", (5332, 5383), False, 'from wand.image import Image\n'), ((5726, 5733), 'wand.image.Image', 'Image', ([], {}), '()\n', (5731, 5733), False, 'from wand.image import Image\n'), ((7233, 7240), 'wand.image.Image', 'Image', ([], {}), '()\n', (7238, 7240), False, 'from wand.image import Image\n'), ((7307, 7321), 'wand.color.Color', 'Color', (['"""black"""'], {}), "('black')\n", (7312, 7321), False, 'from wand.color import Color\n'), ((7342, 7356), 'wand.color.Color', 'Color', (['"""white"""'], {}), "('white')\n", (7347, 7356), False, 'from wand.color import Color\n'), ((8533, 8540), 'wand.image.Image', 'Image', ([], {}), '()\n', (8538, 8540), False, 'from wand.image import Image\n'), ((9079, 9086), 'wand.image.Image', 'Image', ([], {}), '()\n', (9084, 9086), False, 'from wand.image import Image\n'), ((10898, 10946), 'wand.image.Image', 'Image', ([], {'filename': '"""plasma:"""', 'width': '(100)', 'height': '(100)'}), "(filename='plasma:', width=100, height=100)\n", (10903, 10946), False, 'from wand.image import Image\n'), ((11395, 11446), 'wandplus.image.exportpixels', 'wpi.exportpixels', (['t', '(0)', '(0)', 'w', 'h', 'channels', '"""double"""'], {}), "(t, 0, 0, w, h, channels, 'double')\n", (11411, 11446), True, 'import wandplus.image as wpi\n'), ((11721, 11734), 'wand.color.Color', 'Color', (['"""blue"""'], {}), "('blue')\n", (11726, 11734), False, 'from wand.color import Color\n'), ((13072, 13097), 'wand.image.Image', 'Image', ([], {'filename': '"""hald:12"""'}), "(filename='hald:12')\n", (13077, 13097), False, 'from wand.image import Image\n'), ((20563, 20587), 'wand.image.Image', 'Image', ([], {'width': 'w', 'height': 'h'}), '(width=w, height=h)\n', (20568, 20587), False, 'from wand.image import Image\n'), ((20820, 20827), 'wand.image.Image', 'Image', ([], {}), '()\n', (20825, 20827), False, 'from wand.image import Image\n'), ((23590, 23618), 'wand.image.Image', 'Image', ([], {'width': '(300)', 'height': '(200)'}), '(width=300, height=200)\n', (23595, 23618), False, 'from wand.image import Image\n'), ((24138, 24151), 'wandplus.image.minify', 'wpi.minify', (['t'], {}), '(t)\n', (24148, 24151), True, 'import wandplus.image as wpi\n'), ((24185, 24199), 'wand.color.Color', 'Color', (['"""black"""'], {}), "('black')\n", (24190, 24199), False, 'from wand.color import Color\n'), ((24638, 24647), 'wand.drawing.Drawing', 'Drawing', ([], {}), '()\n', (24645, 24647), False, 'from wand.drawing import Drawing\n'), ((24758, 24788), 'wandplus.textutil.calcSuitableImagesize', 'calcSuitableImagesize', (['d', 'text'], {}), '(d, text)\n', (24779, 24788), False, 'from wandplus.textutil import calcSuitableFontsize, calcSuitableImagesize\n'), ((24972, 24981), 'wand.drawing.Drawing', 'Drawing', ([], {}), '()\n', (24979, 24981), False, 'from wand.drawing import Drawing\n'), ((25067, 25105), 'wandplus.textutil.calcSuitableFontsize', 'calcSuitableFontsize', (['d', 'text'], {'width': 'w'}), '(d, text, width=w)\n', (25087, 25105), False, 'from wandplus.textutil import calcSuitableFontsize, calcSuitableImagesize\n'), ((25229, 25268), 'wandplus.textutil.calcSuitableFontsize', 'calcSuitableFontsize', (['d', 'text'], {'height': 'h'}), '(d, text, height=h)\n', (25249, 25268), False, 'from wandplus.textutil import calcSuitableFontsize, calcSuitableImagesize\n'), ((2879, 2888), 'wand.drawing.Drawing', 'Drawing', ([], {}), '()\n', (2886, 2888), False, 'from wand.drawing import Drawing\n'), ((3624, 3642), 'wand.color.Color', 'Color', (['"""gray(50%)"""'], {}), "('gray(50%)')\n", (3629, 3642), False, 'from wand.color import Color\n'), ((6717, 6729), 'wand.color.Color', 'Color', (['"""red"""'], {}), "('red')\n", (6722, 6729), False, 'from wand.color import Color\n'), ((6731, 6749), 'wand.color.Color', 'Color', (['"""gray(25%)"""'], {}), "('gray(25%)')\n", (6736, 6749), False, 'from wand.color import Color\n'), ((7374, 7416), 'wand.image.Image', 'Image', ([], {'width': 'w', 'height': 'w', 'background': 'black'}), '(width=w, height=w, background=black)\n', (7379, 7416), False, 'from wand.image import Image\n'), ((8638, 8651), 'wandplus.image.add', 'wpi.add', (['t', 'p'], {}), '(t, p)\n', (8645, 8651), True, 'import wandplus.image as wpi\n'), ((12324, 12338), 'wand.color.Color', 'Color', (['"""green"""'], {}), "('green')\n", (12329, 12338), False, 'from wand.color import Color\n'), ((12362, 12376), 'wand.color.Color', 'Color', (['"""white"""'], {}), "('white')\n", (12367, 12376), False, 'from wand.color import Color\n'), ((14448, 14455), 'wand.image.Image', 'Image', ([], {}), '()\n', (14453, 14455), False, 'from wand.image import Image\n'), ((15050, 15105), 'wand.image.Image', 'Image', ([], {'width': 't.width', 'height': 't.height', 'background': 'color'}), '(width=t.width, height=t.height, background=color)\n', (15055, 15105), False, 'from wand.image import Image\n'), ((15128, 15141), 'wandplus.image.add', 'wpi.add', (['t', 'p'], {}), '(t, p)\n', (15135, 15141), True, 'import wandplus.image as wpi\n'), ((15158, 15181), 'wandplus.image.setfirstiterator', 'wpi.setfirstiterator', (['t'], {}), '(t)\n', (15178, 15181), True, 'import wandplus.image as wpi\n'), ((15198, 15217), 'wandplus.image.setdelay', 'wpi.setdelay', (['t', '(60)'], {}), '(t, 60)\n', (15210, 15217), True, 'import wandplus.image as wpi\n'), ((16088, 16100), 'wand.color.Color', 'Color', (['"""red"""'], {}), "('red')\n", (16093, 16100), False, 'from wand.color import Color\n'), ((16102, 16115), 'wand.color.Color', 'Color', (['"""blue"""'], {}), "('blue')\n", (16107, 16115), False, 'from wand.color import Color\n'), ((16206, 16218), 'wand.color.Color', 'Color', (['"""red"""'], {}), "('red')\n", (16211, 16218), False, 'from wand.color import Color\n'), ((16220, 16233), 'wand.color.Color', 'Color', (['"""blue"""'], {}), "('blue')\n", (16225, 16233), False, 'from wand.color import Color\n'), ((16671, 16680), 'wand.drawing.Drawing', 'Drawing', ([], {}), '()\n', (16678, 16680), False, 'from wand.drawing import Drawing\n'), ((20001, 20013), 'wand.color.Color', 'Color', (['"""red"""'], {}), "('red')\n", (20006, 20013), False, 'from wand.color import Color\n'), ((20605, 20614), 'wand.drawing.Drawing', 'Drawing', ([], {}), '()\n', (20612, 20614), False, 'from wand.drawing import Drawing\n'), ((23977, 23989), 'wand.color.Color', 'Color', (['"""rgb"""'], {}), "('rgb')\n", (23982, 23989), False, 'from wand.color import Color\n'), ((23991, 24009), 'wand.color.Color', 'Color', (['"""gray(25%)"""'], {}), "('gray(25%)')\n", (23996, 24009), False, 'from wand.color import Color\n'), ((24509, 24527), 'wand.color.Color', 'Color', (['"""gray(50%)"""'], {}), "('gray(50%)')\n", (24514, 24527), False, 'from wand.color import Color\n'), ((5836, 5853), 'wandplus.image.blur', 'wpi.blur', (['p', '(0)', '(1)'], {}), '(p, 0, 1)\n', (5844, 5853), True, 'import wandplus.image as wpi\n'), ((5874, 5887), 'wandplus.image.add', 'wpi.add', (['t', 'p'], {}), '(t, p)\n', (5881, 5887), True, 'import wandplus.image as wpi\n'), ((7444, 7486), 'wand.image.Image', 'Image', ([], {'width': 'h', 'height': 'h', 'background': 'white'}), '(width=h, height=h, background=white)\n', (7449, 7486), False, 'from wand.image import Image\n'), ((7513, 7526), 'wandplus.image.add', 'wpi.add', (['t', 'b'], {}), '(t, b)\n', (7520, 7526), True, 'import wandplus.image as wpi\n'), ((7576, 7589), 'wandplus.image.add', 'wpi.add', (['t', 'b'], {}), '(t, b)\n', (7583, 7589), True, 'import wandplus.image as wpi\n'), ((7641, 7654), 'wandplus.image.add', 'wpi.add', (['t', 'w'], {}), '(t, w)\n', (7648, 7654), True, 'import wandplus.image as wpi\n'), ((7705, 7728), 'wandplus.image.setfirstiterator', 'wpi.setfirstiterator', (['t'], {}), '(t)\n', (7725, 7728), True, 'import wandplus.image as wpi\n'), ((10276, 10290), 'wand.color.Color', 'Color', (['"""black"""'], {}), "('black')\n", (10281, 10290), False, 'from wand.color import Color\n'), ((11359, 11371), 'wand.color.Color', 'Color', (['"""red"""'], {}), "('red')\n", (11364, 11371), False, 'from wand.color import Color\n'), ((12838, 12859), 'wandplus.image.blur', 'wpi.blur', (['mag', '(0)', '(0.5)'], {}), '(mag, 0, 0.5)\n', (12846, 12859), True, 'import wandplus.image as wpi\n'), ((13556, 13568), 'wand.color.Color', 'Color', (['"""red"""'], {}), "('red')\n", (13561, 13568), False, 'from wand.color import Color\n'), ((14585, 14603), 'wandplus.image.add', 'wpi.add', (['dst', 'base'], {}), '(dst, base)\n', (14592, 14603), True, 'import wandplus.image as wpi\n'), ((14788, 14797), 'wand.drawing.Drawing', 'Drawing', ([], {}), '()\n', (14795, 14797), False, 'from wand.drawing import Drawing\n'), ((20952, 20965), 'wandplus.image.add', 'wpi.add', (['t', 'a'], {}), '(t, a)\n', (20959, 20965), True, 'import wandplus.image as wpi\n'), ((20986, 20999), 'wandplus.image.add', 'wpi.add', (['t', 'b'], {}), '(t, b)\n', (20993, 20999), True, 'import wandplus.image as wpi\n'), ((21020, 21043), 'wandplus.image.setfirstiterator', 'wpi.setfirstiterator', (['t'], {}), '(t)\n', (21040, 21043), True, 'import wandplus.image as wpi\n'), ((21690, 21704), 'wand.color.Color', 'Color', (['"""black"""'], {}), "('black')\n", (21695, 21704), False, 'from wand.color import Color\n'), ((22555, 22564), 'wand.drawing.Drawing', 'Drawing', ([], {}), '()\n', (22562, 22564), False, 'from wand.drawing import Drawing\n'), ((22647, 22661), 'wand.color.Color', 'Color', (['"""black"""'], {}), "('black')\n", (22652, 22661), False, 'from wand.color import Color\n'), ((23152, 23170), 'os.remove', 'os.remove', (['tmpfile'], {}), '(tmpfile)\n', (23161, 23170), False, 'import os\n'), ((8602, 8614), 'wand.color.Color', 'Color', (['"""red"""'], {}), "('red')\n", (8607, 8614), False, 'from wand.color import Color\n'), ((22512, 22526), 'wand.color.Color', 'Color', (['"""white"""'], {}), "('white')\n", (22517, 22526), False, 'from wand.color import Color\n'), ((22877, 22884), 'wand.image.Image', 'Image', ([], {}), '()\n', (22882, 22884), False, 'from wand.image import Image\n'), ((22915, 22949), 'wandplus.image.setsizeoffset', 'wpi.setsizeoffset', (['q', 'w', 'h', 'offset'], {}), '(q, w, h, offset)\n', (22932, 22949), True, 'import wandplus.image as wpi\n'), ((8711, 8726), 'wand.color.Color', 'Color', (['"""green1"""'], {}), "('green1')\n", (8716, 8726), False, 'from wand.color import Color\n'), ((8847, 8890), 'wandplus.image.resetpage', 'wpi.resetpage', (['qq', '(5 * (i + 1))', '(5 * (i + 1))'], {}), '(qq, 5 * (i + 1), 5 * (i + 1))\n', (8860, 8890), True, 'import wandplus.image as wpi\n'), ((8911, 8925), 'wandplus.image.add', 'wpi.add', (['t', 'qq'], {}), '(t, qq)\n', (8918, 8925), True, 'import wandplus.image as wpi\n')] |
tizian/layer-laboratory | src/librender/tests/test_mesh.py | 008cc94b76127e9eb74227fcd3d0145da8ddec30 | import mitsuba
import pytest
import enoki as ek
from enoki.dynamic import Float32 as Float
from mitsuba.python.test.util import fresolver_append_path
from mitsuba.python.util import traverse
def test01_create_mesh(variant_scalar_rgb):
from mitsuba.core import Struct, float_dtype
from mitsuba.render import Mesh
m = Mesh("MyMesh", 3, 2)
m.vertex_positions_buffer()[:] = [0.0, 0.0, 0.0, 1.0, 0.2, 0.0, 0.2, 1.0, 0.0]
m.faces_buffer()[:] = [0, 1, 2, 1, 2, 0]
m.parameters_changed()
assert str(m) == """Mesh[
name = "MyMesh",
bbox = BoundingBox3f[
min = [0, 0, 0],
max = [1, 1, 0]
],
vertex_count = 3,
vertices = [36 B of vertex data],
face_count = 2,
faces = [24 B of face data],
disable_vertex_normals = 0,
surface_area = 0.96
]"""
@fresolver_append_path
def test02_ply_triangle(variant_scalar_rgb):
from mitsuba.core import UInt32, Vector3f
from mitsuba.core.xml import load_string
m = load_string("""
<shape type="ply" version="0.5.0">
<string name="filename" value="data/triangle.ply"/>
<boolean name="face_normals" value="true"/>
</shape>
""")
positions = m.vertex_positions_buffer()
faces = m.faces_buffer()
assert not m.has_vertex_normals()
assert ek.slices(positions) == 9
assert ek.allclose(positions[0:3], [0, 0, 0])
assert ek.allclose(positions[3:6], [0, 0, 1])
assert ek.allclose(positions[6:9], [0, 1, 0])
assert ek.slices(faces) == 3
assert faces[0] == UInt32(0)
assert faces[1] == UInt32(1)
assert faces[2] == UInt32(2)
@fresolver_append_path
def test03_ply_computed_normals(variant_scalar_rgb):
from mitsuba.core import Vector3f
from mitsuba.core.xml import load_string
"""Checks(automatic) vertex normal computation for a PLY file that
doesn't have them."""
shape = load_string("""
<shape type="ply" version="0.5.0">
<string name="filename" value="data/triangle.ply"/>
</shape>
""")
normals = shape.vertex_normals_buffer()
assert shape.has_vertex_normals()
# Normals are stored in half precision
assert ek.allclose(normals[0:3], [-1, 0, 0])
assert ek.allclose(normals[3:6], [-1, 0, 0])
assert ek.allclose(normals[6:9], [-1, 0, 0])
def test04_normal_weighting_scheme(variant_scalar_rgb):
from mitsuba.core import Struct, float_dtype, Vector3f
from mitsuba.render import Mesh
import numpy as np
"""Tests the weighting scheme that is used to compute surface normals."""
m = Mesh("MyMesh", 5, 2, has_vertex_normals=True)
vertices = m.vertex_positions_buffer()
normals = m.vertex_normals_buffer()
a, b = 1.0, 0.5
vertices[:] = [0, 0, 0, -a, 1, 0, a, 1, 0, -b, 0, 1, b, 0, 1]
n0 = Vector3f(0.0, 0.0, -1.0)
n1 = Vector3f(0.0, 1.0, 0.0)
angle_0 = ek.pi / 2.0
angle_1 = ek.acos(3.0 / 5.0)
n2 = n0 * angle_0 + n1 * angle_1
n2 /= ek.norm(n2)
n = np.vstack([n2, n0, n0, n1, n1]).transpose()
m.faces_buffer()[:] = [0, 1, 2, 0, 3, 4]
m.recompute_vertex_normals()
for i in range(5):
assert ek.allclose(normals[i*3:(i+1)*3], n[:, i], 5e-4)
@fresolver_append_path
def test05_load_simple_mesh(variant_scalar_rgb):
from mitsuba.core.xml import load_string
"""Tests the OBJ and PLY loaders on a simple example."""
for mesh_format in ["obj", "ply"]:
shape = load_string("""
<shape type="{0}" version="2.0.0">
<string name="filename" value="resources/data/tests/{0}/cbox_smallbox.{0}"/>
</shape>
""".format(mesh_format))
positions = shape.vertex_positions_buffer()
faces = shape.faces_buffer()
assert shape.has_vertex_normals()
assert ek.slices(positions) == 72
assert ek.slices(faces) == 36
assert ek.allclose(faces[6:9], [4, 5, 6])
assert ek.allclose(positions[:5], [130, 165, 65, 82, 165])
@pytest.mark.parametrize('mesh_format', ['obj', 'ply', 'serialized'])
@pytest.mark.parametrize('features', ['normals', 'uv', 'normals_uv'])
@pytest.mark.parametrize('face_normals', [True, False])
def test06_load_various_features(variant_scalar_rgb, mesh_format, features, face_normals):
"""Tests the OBJ & PLY loaders with combinations of vertex / face normals,
presence and absence of UVs, etc.
"""
from mitsuba.core.xml import load_string
def test():
shape = load_string("""
<shape type="{0}" version="2.0.0">
<string name="filename" value="resources/data/tests/{0}/rectangle_{1}.{0}" />
<boolean name="face_normals" value="{2}" />
</shape>
""".format(mesh_format, features, str(face_normals).lower()))
assert shape.has_vertex_normals() == (not face_normals)
positions = shape.vertex_positions_buffer()
normals = shape.vertex_normals_buffer()
texcoords = shape.vertex_texcoords_buffer()
faces = shape.faces_buffer()
(v0, v2, v3) = [positions[i*3:(i+1)*3] for i in [0, 2, 3]]
assert ek.allclose(v0, [-2.85, 0.0, -7.600000], atol=1e-3)
assert ek.allclose(v2, [ 2.85, 0.0, 0.599999], atol=1e-3)
assert ek.allclose(v3, [ 2.85, 0.0, -7.600000], atol=1e-3)
if 'uv' in features:
assert shape.has_vertex_texcoords()
(uv0, uv2, uv3) = [texcoords[i*2:(i+1)*2] for i in [0, 2, 3]]
# For OBJs (and .serialized generated from OBJ), UV.y is flipped.
if mesh_format in ['obj', 'serialized']:
assert ek.allclose(uv0, [0.950589, 1-0.988416], atol=1e-3)
assert ek.allclose(uv2, [0.025105, 1-0.689127], atol=1e-3)
assert ek.allclose(uv3, [0.950589, 1-0.689127], atol=1e-3)
else:
assert ek.allclose(uv0, [0.950589, 0.988416], atol=1e-3)
assert ek.allclose(uv2, [0.025105, 0.689127], atol=1e-3)
assert ek.allclose(uv3, [0.950589, 0.689127], atol=1e-3)
if shape.has_vertex_normals():
for n in [normals[i*3:(i+1)*3] for i in [0, 2, 3]]:
assert ek.allclose(n, [0.0, 1.0, 0.0])
return fresolver_append_path(test)()
@fresolver_append_path
def test07_ply_stored_attribute(variant_scalar_rgb):
from mitsuba.core import Vector3f
from mitsuba.core.xml import load_string
m = load_string("""
<shape type="ply" version="0.5.0">
<string name="filename" value="data/triangle_face_colors.ply"/>
</shape>
""")
assert str(m) == """PLYMesh[
name = "triangle_face_colors.ply",
bbox = BoundingBox3f[
min = [0, 0, 0],
max = [0, 1, 1]
],
vertex_count = 3,
vertices = [72 B of vertex data],
face_count = 1,
faces = [24 B of face data],
disable_vertex_normals = 0,
surface_area = 0,
mesh attributes = [
face_color: 3 floats
]
]"""
def test08_mesh_add_attribute(variant_scalar_rgb):
from mitsuba.core import Struct, float_dtype
from mitsuba.render import Mesh
m = Mesh("MyMesh", 3, 2)
m.vertex_positions_buffer()[:] = [0.0, 0.0, 0.0, 1.0, 0.2, 0.0, 0.2, 1.0, 0.0]
m.faces_buffer()[:] = [0, 1, 2, 1, 2, 0]
m.parameters_changed()
m.add_attribute("vertex_color", 3)[:] = [0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]
assert str(m) == """Mesh[
name = "MyMesh",
bbox = BoundingBox3f[
min = [0, 0, 0],
max = [1, 1, 0]
],
vertex_count = 3,
vertices = [72 B of vertex data],
face_count = 2,
faces = [24 B of face data],
disable_vertex_normals = 0,
surface_area = 0.96,
mesh attributes = [
vertex_color: 3 floats
]
]""" | [((3953, 4021), 'pytest.mark.parametrize', 'pytest.mark.parametrize', (['"""mesh_format"""', "['obj', 'ply', 'serialized']"], {}), "('mesh_format', ['obj', 'ply', 'serialized'])\n", (3976, 4021), False, 'import pytest\n'), ((4023, 4091), 'pytest.mark.parametrize', 'pytest.mark.parametrize', (['"""features"""', "['normals', 'uv', 'normals_uv']"], {}), "('features', ['normals', 'uv', 'normals_uv'])\n", (4046, 4091), False, 'import pytest\n'), ((4093, 4147), 'pytest.mark.parametrize', 'pytest.mark.parametrize', (['"""face_normals"""', '[True, False]'], {}), "('face_normals', [True, False])\n", (4116, 4147), False, 'import pytest\n'), ((332, 352), 'mitsuba.render.Mesh', 'Mesh', (['"""MyMesh"""', '(3)', '(2)'], {}), "('MyMesh', 3, 2)\n", (336, 352), False, 'from mitsuba.render import Mesh\n'), ((960, 1174), 'mitsuba.core.xml.load_string', 'load_string', (['"""\n <shape type="ply" version="0.5.0">\n <string name="filename" value="data/triangle.ply"/>\n <boolean name="face_normals" value="true"/>\n </shape>\n """'], {}), '(\n """\n <shape type="ply" version="0.5.0">\n <string name="filename" value="data/triangle.ply"/>\n <boolean name="face_normals" value="true"/>\n </shape>\n """\n )\n', (971, 1174), False, 'from mitsuba.core.xml import load_string\n'), ((1326, 1364), 'enoki.allclose', 'ek.allclose', (['positions[0:3]', '[0, 0, 0]'], {}), '(positions[0:3], [0, 0, 0])\n', (1337, 1364), True, 'import enoki as ek\n'), ((1376, 1414), 'enoki.allclose', 'ek.allclose', (['positions[3:6]', '[0, 0, 1]'], {}), '(positions[3:6], [0, 0, 1])\n', (1387, 1414), True, 'import enoki as ek\n'), ((1426, 1464), 'enoki.allclose', 'ek.allclose', (['positions[6:9]', '[0, 1, 0]'], {}), '(positions[6:9], [0, 1, 0])\n', (1437, 1464), True, 'import enoki as ek\n'), ((1868, 2026), 'mitsuba.core.xml.load_string', 'load_string', (['"""\n <shape type="ply" version="0.5.0">\n <string name="filename" value="data/triangle.ply"/>\n </shape>\n """'], {}), '(\n """\n <shape type="ply" version="0.5.0">\n <string name="filename" value="data/triangle.ply"/>\n </shape>\n """\n )\n', (1879, 2026), False, 'from mitsuba.core.xml import load_string\n'), ((2153, 2190), 'enoki.allclose', 'ek.allclose', (['normals[0:3]', '[-1, 0, 0]'], {}), '(normals[0:3], [-1, 0, 0])\n', (2164, 2190), True, 'import enoki as ek\n'), ((2202, 2239), 'enoki.allclose', 'ek.allclose', (['normals[3:6]', '[-1, 0, 0]'], {}), '(normals[3:6], [-1, 0, 0])\n', (2213, 2239), True, 'import enoki as ek\n'), ((2251, 2288), 'enoki.allclose', 'ek.allclose', (['normals[6:9]', '[-1, 0, 0]'], {}), '(normals[6:9], [-1, 0, 0])\n', (2262, 2288), True, 'import enoki as ek\n'), ((2552, 2597), 'mitsuba.render.Mesh', 'Mesh', (['"""MyMesh"""', '(5)', '(2)'], {'has_vertex_normals': '(True)'}), "('MyMesh', 5, 2, has_vertex_normals=True)\n", (2556, 2597), False, 'from mitsuba.render import Mesh\n'), ((2779, 2803), 'mitsuba.core.Vector3f', 'Vector3f', (['(0.0)', '(0.0)', '(-1.0)'], {}), '(0.0, 0.0, -1.0)\n', (2787, 2803), False, 'from mitsuba.core import Vector3f\n'), ((2813, 2836), 'mitsuba.core.Vector3f', 'Vector3f', (['(0.0)', '(1.0)', '(0.0)'], {}), '(0.0, 1.0, 0.0)\n', (2821, 2836), False, 'from mitsuba.core import Vector3f\n'), ((2877, 2895), 'enoki.acos', 'ek.acos', (['(3.0 / 5.0)'], {}), '(3.0 / 5.0)\n', (2884, 2895), True, 'import enoki as ek\n'), ((2943, 2954), 'enoki.norm', 'ek.norm', (['n2'], {}), '(n2)\n', (2950, 2954), True, 'import enoki as ek\n'), ((6390, 6560), 'mitsuba.core.xml.load_string', 'load_string', (['"""\n <shape type="ply" version="0.5.0">\n <string name="filename" value="data/triangle_face_colors.ply"/>\n </shape>\n """'], {}), '(\n """\n <shape type="ply" version="0.5.0">\n <string name="filename" value="data/triangle_face_colors.ply"/>\n </shape>\n """\n )\n', (6401, 6560), False, 'from mitsuba.core.xml import load_string\n'), ((7050, 7070), 'mitsuba.render.Mesh', 'Mesh', (['"""MyMesh"""', '(3)', '(2)'], {}), "('MyMesh', 3, 2)\n", (7054, 7070), False, 'from mitsuba.render import Mesh\n'), ((1289, 1309), 'enoki.slices', 'ek.slices', (['positions'], {}), '(positions)\n', (1298, 1309), True, 'import enoki as ek\n'), ((1476, 1492), 'enoki.slices', 'ek.slices', (['faces'], {}), '(faces)\n', (1485, 1492), True, 'import enoki as ek\n'), ((1521, 1530), 'mitsuba.core.UInt32', 'UInt32', (['(0)'], {}), '(0)\n', (1527, 1530), False, 'from mitsuba.core import UInt32, Vector3f\n'), ((1554, 1563), 'mitsuba.core.UInt32', 'UInt32', (['(1)'], {}), '(1)\n', (1560, 1563), False, 'from mitsuba.core import UInt32, Vector3f\n'), ((1587, 1596), 'mitsuba.core.UInt32', 'UInt32', (['(2)'], {}), '(2)\n', (1593, 1596), False, 'from mitsuba.core import UInt32, Vector3f\n'), ((3125, 3183), 'enoki.allclose', 'ek.allclose', (['normals[i * 3:(i + 1) * 3]', 'n[:, (i)]', '(0.0005)'], {}), '(normals[i * 3:(i + 1) * 3], n[:, (i)], 0.0005)\n', (3136, 3183), True, 'import enoki as ek\n'), ((3848, 3882), 'enoki.allclose', 'ek.allclose', (['faces[6:9]', '[4, 5, 6]'], {}), '(faces[6:9], [4, 5, 6])\n', (3859, 3882), True, 'import enoki as ek\n'), ((3898, 3949), 'enoki.allclose', 'ek.allclose', (['positions[:5]', '[130, 165, 65, 82, 165]'], {}), '(positions[:5], [130, 165, 65, 82, 165])\n', (3909, 3949), True, 'import enoki as ek\n'), ((5088, 5135), 'enoki.allclose', 'ek.allclose', (['v0', '[-2.85, 0.0, -7.6]'], {'atol': '(0.001)'}), '(v0, [-2.85, 0.0, -7.6], atol=0.001)\n', (5099, 5135), True, 'import enoki as ek\n'), ((5155, 5205), 'enoki.allclose', 'ek.allclose', (['v2', '[2.85, 0.0, 0.599999]'], {'atol': '(0.001)'}), '(v2, [2.85, 0.0, 0.599999], atol=0.001)\n', (5166, 5205), True, 'import enoki as ek\n'), ((5222, 5268), 'enoki.allclose', 'ek.allclose', (['v3', '[2.85, 0.0, -7.6]'], {'atol': '(0.001)'}), '(v3, [2.85, 0.0, -7.6], atol=0.001)\n', (5233, 5268), True, 'import enoki as ek\n'), ((6190, 6217), 'mitsuba.python.test.util.fresolver_append_path', 'fresolver_append_path', (['test'], {}), '(test)\n', (6211, 6217), False, 'from mitsuba.python.test.util import fresolver_append_path\n'), ((2963, 2994), 'numpy.vstack', 'np.vstack', (['[n2, n0, n0, n1, n1]'], {}), '([n2, n0, n0, n1, n1])\n', (2972, 2994), True, 'import numpy as np\n'), ((3768, 3788), 'enoki.slices', 'ek.slices', (['positions'], {}), '(positions)\n', (3777, 3788), True, 'import enoki as ek\n'), ((3810, 3826), 'enoki.slices', 'ek.slices', (['faces'], {}), '(faces)\n', (3819, 3826), True, 'import enoki as ek\n'), ((5580, 5634), 'enoki.allclose', 'ek.allclose', (['uv0', '[0.950589, 1 - 0.988416]'], {'atol': '(0.001)'}), '(uv0, [0.950589, 1 - 0.988416], atol=0.001)\n', (5591, 5634), True, 'import enoki as ek\n'), ((5655, 5709), 'enoki.allclose', 'ek.allclose', (['uv2', '[0.025105, 1 - 0.689127]'], {'atol': '(0.001)'}), '(uv2, [0.025105, 1 - 0.689127], atol=0.001)\n', (5666, 5709), True, 'import enoki as ek\n'), ((5730, 5784), 'enoki.allclose', 'ek.allclose', (['uv3', '[0.950589, 1 - 0.689127]'], {'atol': '(0.001)'}), '(uv3, [0.950589, 1 - 0.689127], atol=0.001)\n', (5741, 5784), True, 'import enoki as ek\n'), ((5823, 5873), 'enoki.allclose', 'ek.allclose', (['uv0', '[0.950589, 0.988416]'], {'atol': '(0.001)'}), '(uv0, [0.950589, 0.988416], atol=0.001)\n', (5834, 5873), True, 'import enoki as ek\n'), ((5896, 5946), 'enoki.allclose', 'ek.allclose', (['uv2', '[0.025105, 0.689127]'], {'atol': '(0.001)'}), '(uv2, [0.025105, 0.689127], atol=0.001)\n', (5907, 5946), True, 'import enoki as ek\n'), ((5969, 6019), 'enoki.allclose', 'ek.allclose', (['uv3', '[0.950589, 0.689127]'], {'atol': '(0.001)'}), '(uv3, [0.950589, 0.689127], atol=0.001)\n', (5980, 6019), True, 'import enoki as ek\n'), ((6146, 6177), 'enoki.allclose', 'ek.allclose', (['n', '[0.0, 1.0, 0.0]'], {}), '(n, [0.0, 1.0, 0.0])\n', (6157, 6177), True, 'import enoki as ek\n')] |
christopherblanchfield/agsadmin | agsadmin/sharing_admin/community/groups/Group.py | 989cb3795aacf285ccf74ee51b0de26bf2f48bc3 | from __future__ import (absolute_import, division, print_function, unicode_literals)
from builtins import (ascii, bytes, chr, dict, filter, hex, input, int, map, next, oct, open, pow, range, round, str,
super, zip)
from ...._utils import send_session_request
from ..._PortalEndpointBase import PortalEndpointBase
from .CreateUpdateGroupParams import CreateUpdateGroupParams
class Group(PortalEndpointBase):
@property
def id(self):
return self._pdata["id"]
@property
def _url_full(self):
return "{0}/{1}".format(self._url_base, self.id)
def __init__(self, requests_session, url_base, id):
super().__init__(requests_session, url_base)
self._pdata = {"id": id}
def get_properties(self):
"""
Gets the properties of the item.
"""
return self._get()
def update(self, update_group_params, clear_empty_fields=False):
"""
Updates the group properties.
"""
update_group_params = update_group_params._get_params() if isinstance(
update_group_params, CreateUpdateGroupParams) else update_group_params.copy()
if not "clearEmptyFields" in update_group_params:
update_group_params["clearEmptyFields"] = clear_empty_fields
r = self._create_operation_request(self, "update", method="POST", data=update_group_params)
return send_session_request(self._session, r).json() | [((659, 666), 'builtins.super', 'super', ([], {}), '()\n', (664, 666), False, 'from builtins import ascii, bytes, chr, dict, filter, hex, input, int, map, next, oct, open, pow, range, round, str, super, zip\n')] |
code-review-doctor/amy | amy/workshops/migrations/0191_auto_20190809_0936.py | 268c1a199510457891459f3ddd73fcce7fe2b974 | # Generated by Django 2.1.7 on 2019-08-09 09:36
from django.db import migrations, models
def migrate_public_event(apps, schema_editor):
"""Migrate options previously with no contents (displayed as "Other:")
to a new contents ("other").
The field containing these options is in CommonRequest abstract model,
implemented in WorkshopRequest, WorkshopInquiryRequest, and
SelfOrganizedSubmission models."""
WorkshopRequest = apps.get_model('workshops', 'WorkshopRequest')
WorkshopInquiryRequest = apps.get_model('extrequests',
'WorkshopInquiryRequest')
SelfOrganizedSubmission = apps.get_model('extrequests',
'SelfOrganizedSubmission')
WorkshopRequest.objects.filter(public_event="") \
.update(public_event="other")
WorkshopInquiryRequest.objects.filter(public_event="") \
.update(public_event="other")
SelfOrganizedSubmission.objects.filter(public_event="") \
.update(public_event="other")
class Migration(migrations.Migration):
dependencies = [
('workshops', '0190_auto_20190728_1118'),
('extrequests', '0008_auto_20190809_1004'),
]
operations = [
migrations.AlterField(
model_name='workshoprequest',
name='host_responsibilities',
field=models.BooleanField(default=False, verbose_name='I understand <a href="https://docs.carpentries.org/topic_folders/hosts_instructors/hosts_instructors_checklist.html#host-checklist">the responsibilities of the workshop host</a>, including recruiting local helpers to support the workshop (1 helper for every 8-10 learners).'),
),
migrations.AlterField(
model_name='workshoprequest',
name='requested_workshop_types',
field=models.ManyToManyField(help_text='If your learners are new to programming and primarily interested in working with data, Data Carpentry is likely the best choice. If your learners are interested in learning more about programming, including version control and automation, Software Carpentry is likely the best match. If your learners are people working in library and information related roles interested in learning data and software skills, Library Carpentry is the best choice. Please visit the <a href="https://software-carpentry.org/lessons/">Software Carpentry lessons page</a>, <a href="http://www.datacarpentry.org/lessons/">Data Carpentry lessons page</a>, or the <a href="https://librarycarpentry.org/lessons/">Library Carpentry lessons page</a> for more information about any of our lessons.', limit_choices_to={'active': True}, to='workshops.Curriculum', verbose_name='Which Carpentries workshop are you requesting?'),
),
migrations.AlterField(
model_name='workshoprequest',
name='scholarship_circumstances',
field=models.TextField(blank=True, help_text='Required only if you request a scholarship.', verbose_name='Please explain the circumstances for your scholarship request and let us know what budget you have towards The Carpentries workshop fees.'),
),
migrations.AlterField(
model_name='workshoprequest',
name='public_event',
field=models.CharField(blank=True, choices=[('invite', 'This event is open to learners by invitation only.'), ('closed', 'This event is open to learners inside of my institution.'), ('public', 'This event is open to learners outside of my institution.'), ('other', 'Other:')], default='', help_text='Many of our workshops restrict registration to learners from the hosting institution. If your workshop will be open to registrants outside of your institution please let us know below.', max_length=20, verbose_name='Is this workshop open to the public?'),
),
migrations.RunPython(migrate_public_event),
]
| [((3945, 3987), 'django.db.migrations.RunPython', 'migrations.RunPython', (['migrate_public_event'], {}), '(migrate_public_event)\n', (3965, 3987), False, 'from django.db import migrations, models\n'), ((1447, 1781), 'django.db.models.BooleanField', 'models.BooleanField', ([], {'default': '(False)', 'verbose_name': '"""I understand <a href="https://docs.carpentries.org/topic_folders/hosts_instructors/hosts_instructors_checklist.html#host-checklist">the responsibilities of the workshop host</a>, including recruiting local helpers to support the workshop (1 helper for every 8-10 learners)."""'}), '(default=False, verbose_name=\n \'I understand <a href="https://docs.carpentries.org/topic_folders/hosts_instructors/hosts_instructors_checklist.html#host-checklist">the responsibilities of the workshop host</a>, including recruiting local helpers to support the workshop (1 helper for every 8-10 learners).\'\n )\n', (1466, 1781), False, 'from django.db import migrations, models\n'), ((1920, 2864), 'django.db.models.ManyToManyField', 'models.ManyToManyField', ([], {'help_text': '"""If your learners are new to programming and primarily interested in working with data, Data Carpentry is likely the best choice. If your learners are interested in learning more about programming, including version control and automation, Software Carpentry is likely the best match. If your learners are people working in library and information related roles interested in learning data and software skills, Library Carpentry is the best choice. Please visit the <a href="https://software-carpentry.org/lessons/">Software Carpentry lessons page</a>, <a href="http://www.datacarpentry.org/lessons/">Data Carpentry lessons page</a>, or the <a href="https://librarycarpentry.org/lessons/">Library Carpentry lessons page</a> for more information about any of our lessons."""', 'limit_choices_to': "{'active': True}", 'to': '"""workshops.Curriculum"""', 'verbose_name': '"""Which Carpentries workshop are you requesting?"""'}), '(help_text=\n \'If your learners are new to programming and primarily interested in working with data, Data Carpentry is likely the best choice. If your learners are interested in learning more about programming, including version control and automation, Software Carpentry is likely the best match. If your learners are people working in library and information related roles interested in learning data and software skills, Library Carpentry is the best choice. Please visit the <a href="https://software-carpentry.org/lessons/">Software Carpentry lessons page</a>, <a href="http://www.datacarpentry.org/lessons/">Data Carpentry lessons page</a>, or the <a href="https://librarycarpentry.org/lessons/">Library Carpentry lessons page</a> for more information about any of our lessons.\'\n , limit_choices_to={\'active\': True}, to=\'workshops.Curriculum\',\n verbose_name=\'Which Carpentries workshop are you requesting?\')\n', (1942, 2864), False, 'from django.db import migrations, models\n'), ((3000, 3254), 'django.db.models.TextField', 'models.TextField', ([], {'blank': '(True)', 'help_text': '"""Required only if you request a scholarship."""', 'verbose_name': '"""Please explain the circumstances for your scholarship request and let us know what budget you have towards The Carpentries workshop fees."""'}), "(blank=True, help_text=\n 'Required only if you request a scholarship.', verbose_name=\n 'Please explain the circumstances for your scholarship request and let us know what budget you have towards The Carpentries workshop fees.'\n )\n", (3016, 3254), False, 'from django.db import migrations, models\n'), ((3376, 3950), 'django.db.models.CharField', 'models.CharField', ([], {'blank': '(True)', 'choices': "[('invite', 'This event is open to learners by invitation only.'), (\n 'closed', 'This event is open to learners inside of my institution.'),\n ('public', 'This event is open to learners outside of my institution.'),\n ('other', 'Other:')]", 'default': '""""""', 'help_text': '"""Many of our workshops restrict registration to learners from the hosting institution. If your workshop will be open to registrants outside of your institution please let us know below."""', 'max_length': '(20)', 'verbose_name': '"""Is this workshop open to the public?"""'}), "(blank=True, choices=[('invite',\n 'This event is open to learners by invitation only.'), ('closed',\n 'This event is open to learners inside of my institution.'), ('public',\n 'This event is open to learners outside of my institution.'), ('other',\n 'Other:')], default='', help_text=\n 'Many of our workshops restrict registration to learners from the hosting institution. If your workshop will be open to registrants outside of your institution please let us know below.'\n , max_length=20, verbose_name='Is this workshop open to the public?')\n", (3392, 3950), False, 'from django.db import migrations, models\n')] |
yubin1219/GAN | pix2pix/Discriminator.py | 8345095f9816e548c968492efbe92b427b0e06a3 | import torch
import torch.nn as nn
class Discriminator(nn.Module):
def __init__(self, input_nc, ndf=64, norm_layer=nn.BatchNorm2d, use_sigmoid=False) :
super(Discriminator, self).__init__()
self.conv1 = nn.Sequential(
nn.Conv2d(input_nc, ndf, kernel_size=4, stride=2, padding=1),
nn.LeakyReLU(0.2, True)
)
self.conv2 = nn.Sequential(
nn.Conv2d(ndf, ndf * 2, kernel_size=4, stride=2, padding=1),
norm_layer(ndf * 2),
nn.LeakyReLU(0.2, True)
)
self.conv3 = nn.Sequential(
nn.Conv2d(ndf * 2, ndf * 4, kernel_size=4, stride=2, padding=1),
norm_layer(ndf * 4),
nn.LeakyReLU(0.2, True)
)
self.conv4 = nn.Sequential(
nn.Conv2d(ndf * 4, ndf * 8, kernel_size=4, stride=2, padding=1),
norm_layer(ndf * 8),
nn.LeakyReLU(0.2, True)
)
if use_sigmoid:
self.conv5 = nn.Sequential(
nn.Conv2d(ndf * 8, 1, kernel_size=4, stride=2, padding=1),
nn.Sigmoid()
)
else:
self.conv5 = nn.Sequential(
nn.Conv2d(ndf * 8, 1, kernel_size=4, stride=2, padding=1)
)
def forward(self, x):
x = self.conv1(x)
x = self.conv2(x)
x = self.conv3(x)
x = self.conv4(x)
x = self.conv5(x)
return x
| [((235, 295), 'torch.nn.Conv2d', 'nn.Conv2d', (['input_nc', 'ndf'], {'kernel_size': '(4)', 'stride': '(2)', 'padding': '(1)'}), '(input_nc, ndf, kernel_size=4, stride=2, padding=1)\n', (244, 295), True, 'import torch.nn as nn\n'), ((303, 326), 'torch.nn.LeakyReLU', 'nn.LeakyReLU', (['(0.2)', '(True)'], {}), '(0.2, True)\n', (315, 326), True, 'import torch.nn as nn\n'), ((373, 432), 'torch.nn.Conv2d', 'nn.Conv2d', (['ndf', '(ndf * 2)'], {'kernel_size': '(4)', 'stride': '(2)', 'padding': '(1)'}), '(ndf, ndf * 2, kernel_size=4, stride=2, padding=1)\n', (382, 432), True, 'import torch.nn as nn\n'), ((467, 490), 'torch.nn.LeakyReLU', 'nn.LeakyReLU', (['(0.2)', '(True)'], {}), '(0.2, True)\n', (479, 490), True, 'import torch.nn as nn\n'), ((537, 600), 'torch.nn.Conv2d', 'nn.Conv2d', (['(ndf * 2)', '(ndf * 4)'], {'kernel_size': '(4)', 'stride': '(2)', 'padding': '(1)'}), '(ndf * 2, ndf * 4, kernel_size=4, stride=2, padding=1)\n', (546, 600), True, 'import torch.nn as nn\n'), ((635, 658), 'torch.nn.LeakyReLU', 'nn.LeakyReLU', (['(0.2)', '(True)'], {}), '(0.2, True)\n', (647, 658), True, 'import torch.nn as nn\n'), ((705, 768), 'torch.nn.Conv2d', 'nn.Conv2d', (['(ndf * 4)', '(ndf * 8)'], {'kernel_size': '(4)', 'stride': '(2)', 'padding': '(1)'}), '(ndf * 4, ndf * 8, kernel_size=4, stride=2, padding=1)\n', (714, 768), True, 'import torch.nn as nn\n'), ((803, 826), 'torch.nn.LeakyReLU', 'nn.LeakyReLU', (['(0.2)', '(True)'], {}), '(0.2, True)\n', (815, 826), True, 'import torch.nn as nn\n'), ((902, 959), 'torch.nn.Conv2d', 'nn.Conv2d', (['(ndf * 8)', '(1)'], {'kernel_size': '(4)', 'stride': '(2)', 'padding': '(1)'}), '(ndf * 8, 1, kernel_size=4, stride=2, padding=1)\n', (911, 959), True, 'import torch.nn as nn\n'), ((969, 981), 'torch.nn.Sigmoid', 'nn.Sigmoid', ([], {}), '()\n', (979, 981), True, 'import torch.nn as nn\n'), ((1044, 1101), 'torch.nn.Conv2d', 'nn.Conv2d', (['(ndf * 8)', '(1)'], {'kernel_size': '(4)', 'stride': '(2)', 'padding': '(1)'}), '(ndf * 8, 1, kernel_size=4, stride=2, padding=1)\n', (1053, 1101), True, 'import torch.nn as nn\n')] |
ANarayan/robustness-gym | tests/slicebuilders/subpopulations/test_length.py | eed2800985631fbbe6491b5f6f0731a067eef78e | from unittest import TestCase
import numpy as np
from robustnessgym.cachedops.spacy import Spacy
from robustnessgym.slicebuilders.subpopulations.length import LengthSubpopulation
from tests.testbeds import MockTestBedv0
class TestLengthSubpopulation(TestCase):
def setUp(self):
self.testbed = MockTestBedv0()
self.testbed.dataset = Spacy()(self.testbed.dataset, columns=["text"])
def test_score(self):
# Create the length subpopulation
length = LengthSubpopulation(intervals=[(1, 3), (4, 5)])
# Compute scores
scores = length.score(self.testbed.dataset[:], columns=["text"])
self.assertTrue(np.allclose(scores, np.array([5, 5, 5, 5, 5, 5])))
print(self.testbed.dataset.column_names)
print(Spacy.retrieve(self.testbed.dataset[:], ["text"]))
# Apply the subpopulation
slices, slice_matrix = length(self.testbed.dataset, columns=["text"])
# Check that the slice membership lines up
self.assertTrue(np.allclose(slice_matrix, np.array([[0, 1]] * 6)))
| [((309, 324), 'tests.testbeds.MockTestBedv0', 'MockTestBedv0', ([], {}), '()\n', (322, 324), False, 'from tests.testbeds import MockTestBedv0\n'), ((490, 537), 'robustnessgym.slicebuilders.subpopulations.length.LengthSubpopulation', 'LengthSubpopulation', ([], {'intervals': '[(1, 3), (4, 5)]'}), '(intervals=[(1, 3), (4, 5)])\n', (509, 537), False, 'from robustnessgym.slicebuilders.subpopulations.length import LengthSubpopulation\n'), ((356, 363), 'robustnessgym.cachedops.spacy.Spacy', 'Spacy', ([], {}), '()\n', (361, 363), False, 'from robustnessgym.cachedops.spacy import Spacy\n'), ((776, 825), 'robustnessgym.cachedops.spacy.Spacy.retrieve', 'Spacy.retrieve', (['self.testbed.dataset[:]', "['text']"], {}), "(self.testbed.dataset[:], ['text'])\n", (790, 825), False, 'from robustnessgym.cachedops.spacy import Spacy\n'), ((681, 709), 'numpy.array', 'np.array', (['[5, 5, 5, 5, 5, 5]'], {}), '([5, 5, 5, 5, 5, 5])\n', (689, 709), True, 'import numpy as np\n'), ((1042, 1064), 'numpy.array', 'np.array', (['([[0, 1]] * 6)'], {}), '([[0, 1]] * 6)\n', (1050, 1064), True, 'import numpy as np\n')] |
NickSwainston/pulsar_spectra | pulsar_spectra/catalogue_papers/Jankowski_2018_raw_to_yaml.py | b264aab3f8fc1bb3cad14ef1b93cab519ed5bc69 | import json
from astroquery.vizier import Vizier
with open("Jankowski_2018_raw.txt", "r") as raw_file:
lines = raw_file.readlines()
print(lines)
pulsar_dict = {}
for row in lines[3:]:
row = row.split("|")
print(row)
pulsar = row[0].strip().replace("−", "-")
freqs = []
fluxs = []
flux_errs = []
# If no error means it's an upper limit andnow sure how to handle it
if row[1].strip() != "" and row[2].strip() != "":
freqs.append(728)
fluxs.append(float(row[1].strip()))
flux_errs.append(float(row[2].strip()))
if row[3].strip() != "" and row[4].strip() != "":
freqs.append(1382)
fluxs.append(float(row[3].strip()))
flux_errs.append(float(row[4].strip()))
if row[5].strip() != "" and row[6].strip() != "":
freqs.append(3100)
fluxs.append(float(row[5].strip()))
flux_errs.append(float(row[6].strip()))
pulsar_dict[pulsar] = {"Frequency MHz":freqs, "Flux Density mJy":fluxs, "Flux Density error mJy":flux_errs}
with open("Jankowski_2018.yaml", "w") as cat_file:
cat_file.write(json.dumps(pulsar_dict))
print(pulsar_dict) | [((1103, 1126), 'json.dumps', 'json.dumps', (['pulsar_dict'], {}), '(pulsar_dict)\n', (1113, 1126), False, 'import json\n')] |
NishikaDeSilva/identity-test-integration | integration-tests/run-intg-test.py | dbd1db07aa6d4f4942d772cd56c0b06c355bd43b | # Copyright (c) 2018, WSO2 Inc. (http://wso2.com) All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
# importing required modules
import sys
from xml.etree import ElementTree as ET
import toml
import subprocess
import wget
import logging
import inspect
import os
import shutil
import pymysql
import sqlparse
import re
from pathlib import Path
import urllib.request as urllib2
from xml.dom import minidom
import intg_test_manager as cm
from subprocess import Popen, PIPE
import os
from prod_test_constant import DB_META_DATA, DIST_POM_PATH, INTEGRATION_PATH, DISTRIBUTION_PATH, \
DATASOURCE_PATHS, LIB_PATH, WSO2SERVER, M2_PATH, ARTIFACT_REPORTS_PATHS, POM_FILE_PATHS
from intg_test_constant import NS, ZIP_FILE_EXTENSION, CARBON_NAME, VALUE_TAG, SURFACE_PLUGIN_ARTIFACT_ID, \
DEPLOYMENT_PROPERTY_FILE_NAME, LOG_FILE_NAME, PRODUCT_STORAGE_DIR_NAME, \
DEFAULT_DB_USERNAME, LOG_STORAGE, TEST_OUTPUT_DIR_NAME, DEFAULT_ORACLE_SID, MYSQL_DB_ENGINE, \
ORACLE_DB_ENGINE, PRODUCT_STORAGE_DIR_NAME, MSSQL_DB_ENGINE
database_names = []
db_engine = None
sql_driver_location = None
identity_db_url = None
identity_db_username = None
identity_db_password = None
identity_db_driver = None
shared_db_url = None
shared_db_username = None
shared_db_password = None
shared_db_driver = None
identity_db = "WSO2_IDENTITY_DB"
shared_db = "WSO2_SHARED_DB"
def get_db_meta_data(argument):
switcher = DB_META_DATA
return switcher.get(argument, False)
def add_environmental_variables():
if MYSQL_DB_ENGINE == cm.database_config['db_engine'].upper():
identity_url = cm.database_config[
'url'] + "/" + identity_db + "?useSSL=false&autoReconnect=true&requireSSL=false" \
"&verifyServerCertificate=false"
shared_url = cm.database_config[
'url'] + "/" + shared_db + \
"?useSSL=false&autoReconnect=true&requireSSL=false" \
"&verifyServerCertificate=false"
user = cm.database_config['user']
elif ORACLE_DB_ENGINE == cm.database_config['db_engine'].upper():
identity_url= cm.database_config['url'] + "/" + DEFAULT_ORACLE_SID
shared_url= cm.database_config['url'] + "/" + DEFAULT_ORACLE_SID
user = cm.database_config['user']
elif MSSQL_DB_ENGINE == cm.database_config['db_engine'].upper():
identity_url = cm.database_config['url'] + ";" + "databaseName=" + identity_db
shared_url = cm.database_config['url'] + ";" + "databaseName=" + shared_db
user = cm.database_config['user']
else:
shared_url = cm.database_config['url'] + "/" + shared_db
identity_url = cm.database_config['url'] + "/" + identity_db
user = cm.database_config['user']
password = cm.database_config['password']
driver_class_name = cm.database_config['driver_class_name']
os.environ["SHARED_DATABASE_URL"] = shared_url
os.environ["SHARED_DATABASE_USERNAME"] = user
os.environ["SHARED_DATABASE_PASSWORD"] = password
os.environ["SHARED_DATABASE_DRIVER"] = driver_class_name
os.environ["IDENTITY_DATABASE_URL"] = identity_url
os.environ["IDENTITY_DATABASE_USERNAME"] = user
os.environ["IDENTITY_DATABASE_PASSWORD"] = password
os.environ["IDENTITY_DATABASE_DRIVER"] = driver_class_name
logger.info("Added environmental variables for integration test")
def modify_datasources():
file_path = Path(storage_dist_abs_path / datasource_path)
if sys.platform.startswith('win'):
file_path = cm.winapi_path(file_path)
logger.info("Modifying datasource: " + str(file_path))
deployment_toml_config = toml.load(file_path)
logger.info("loading dep,loyment.toml file")
logger.info(deployment_toml_config)
for key in deployment_toml_config:
if key == 'database':
database_config = deployment_toml_config[key]
for key in database_config:
if key == 'identity_db':
identity_db_config = database_config['identity_db']
identity_db_config ['url'] = "$env{IDENTITY_DATABASE_URL}"
identity_db_config ['username'] = "$env{IDENTITY_DATABASE_USERNAME}"
identity_db_config ['password'] = "$env{IDENTITY_DATABASE_PASSWORD}"
identity_db_config ['driver'] = "$env{IDENTITY_DATABASE_DRIVER}"
database_names.append(identity_db)
if key == 'shared_db':
shared_db_config = database_config['shared_db']
shared_db_config ['url'] = "$env{SHARED_DATABASE_URL}"
shared_db_config ['username'] = "$env{SHARED_DATABASE_USERNAME}"
shared_db_config ['password'] = "$env{SHARED_DATABASE_PASSWORD}"
shared_db_config ['driver'] = "$env{SHARED_DATABASE_DRIVER}"
database_names.append(shared_db)
with open(file_path, 'w') as writer:
writer.write(toml.dumps(deployment_toml_config))
# Since we have added a method to clone a given git branch and checkout to the latest released tag it is not required to
# modify pom files. Hence in the current implementation this method is not using.
# However, in order to execute this method you can define pom file paths in const_<prod>.py as a constant
# and import it to run-intg-test.py. Thereafter assign it to global variable called pom_file_paths in the
# configure_product method and call the modify_pom_files method.
def modify_pom_files():
for pom in POM_FILE_PATHS:
file_path = Path(cm.workspace + "/" + cm.product_id + "/" + pom)
if sys.platform.startswith('win'):
file_path = cm.winapi_path(file_path)
logger.info("Modifying pom file: " + str(file_path))
ET.register_namespace('', NS['d'])
artifact_tree = ET.parse(file_path)
artifarct_root = artifact_tree.getroot()
data_sources = artifarct_root.find('d:build', NS)
plugins = data_sources.find('d:plugins', NS)
for plugin in plugins.findall('d:plugin', NS):
artifact_id = plugin.find('d:artifactId', NS)
if artifact_id is not None and artifact_id.text == SURFACE_PLUGIN_ARTIFACT_ID:
configuration = plugin.find('d:configuration', NS)
system_properties = configuration.find('d:systemProperties', NS)
for neighbor in system_properties.iter('{' + NS['d'] + '}' + CARBON_NAME):
neighbor.text = cm.modify_distribution_name(neighbor)
for prop in system_properties:
name = prop.find('d:name', NS)
if name is not None and name.text == CARBON_NAME:
for data in prop:
if data.tag == VALUE_TAG:
data.text = cm.modify_distribution_name(data)
break
artifact_tree.write(file_path)
#TODO: Improve the method in generic way to support all products
def save_log_files():
log_storage = Path(cm.workspace + "/" + LOG_STORAGE)
if not Path.exists(log_storage):
Path(log_storage).mkdir(parents=True, exist_ok=True)
log_file_paths = ARTIFACT_REPORTS_PATHS
if log_file_paths:
for file in log_file_paths:
absolute_file_path = Path(cm.workspace + "/" + cm.product_id + "/" + file)
if Path.exists(absolute_file_path):
cm.copy_file(absolute_file_path, log_storage)
else:
logger.error("File doesn't contain in the given location: " + str(absolute_file_path))
#TODO: Improve the method in generic way to support all products
def save_test_output():
report_folder = Path(cm.workspace + "/" + TEST_OUTPUT_DIR_NAME)
logger.info(str(report_folder))
if Path.exists(report_folder):
shutil.rmtree(report_folder)
logger.info(str(ARTIFACT_REPORTS_PATHS))
logger.info(str(type(ARTIFACT_REPORTS_PATHS)))
report_file_paths = ARTIFACT_REPORTS_PATHS
for key, value in report_file_paths.items():
for file in value:
absolute_file_path = Path(cm.workspace + "/" + cm.product_id + "/" + file)
if Path.exists(absolute_file_path):
report_storage = Path(cm.workspace + "/" + TEST_OUTPUT_DIR_NAME + "/" + key)
cm.copy_file(absolute_file_path, report_storage)
logger.info("Report successfully copied")
else:
logger.error("File doesn't contain in the given location: " + str(absolute_file_path))
#TODO: Improve the method in generic way to support all products
# def set_custom_testng():
# if cm.use_custom_testng_file == "TRUE":
# testng_source = Path(cm.workspace + "/" + "testng.xml")
# testng_destination = Path(cm.workspace + "/" + cm.product_id + "/" + TESTNG_DIST_XML_PATHS)
# testng_server_mgt_source = Path(cm.workspace + "/" + "testng-server-mgt.xml")
# testng_server_mgt_destination = Path(cm.workspace + "/" + cm.product_id + "/" + TESTNG_SERVER_MGT_DIST)
# # replace testng source
# cm.replace_file(testng_source, testng_destination)
# # replace testng server mgt source
# cm.replace_file(testng_server_mgt_source, testng_server_mgt_destination)
def configure_product():
try:
global datasource_path
global target_dir_abs_path
global storage_dist_abs_path
global pom_file_paths
datasource_path = DATASOURCE_PATHS
zip_name = dist_name + ZIP_FILE_EXTENSION
storage_dir_abs_path = Path(cm.workspace + "/" + PRODUCT_STORAGE_DIR_NAME)
target_dir_abs_path = Path(cm.workspace + "/" + cm.product_id + "/" + DISTRIBUTION_PATH)
storage_dist_abs_path = Path(storage_dir_abs_path / dist_name)
storage_zip_abs_path = Path(storage_dir_abs_path / zip_name)
configured_dist_storing_loc = Path(target_dir_abs_path / dist_name)
script_name = Path(WSO2SERVER)
script_path = Path(storage_dist_abs_path / script_name)
cm.extract_product(storage_dir_abs_path, storage_zip_abs_path)
cm.attach_jolokia_agent(script_path)
cm.copy_jar_file(Path(cm.database_config['sql_driver_location']), Path(storage_dist_abs_path / LIB_PATH))
if datasource_path is not None:
modify_datasources()
else:
logger.info("Datasource paths are not defined in the config file")
os.remove(str(storage_zip_abs_path))
cm.compress_distribution(configured_dist_storing_loc, storage_dir_abs_path)
cm.add_distribution_to_m2(storage_dir_abs_path, M2_PATH)
shutil.rmtree(configured_dist_storing_loc, onerror=cm.on_rm_error)
return database_names
except FileNotFoundError as e:
logger.error("Error occurred while finding files", exc_info=True)
except IOError as e:
logger.error("Error occurred while accessing files", exc_info=True)
except Exception as e:
logger.error("Error occurred while configuring the product", exc_info=True)
def build_source_without_tests(source_path):
"""Build the product-source.
"""
logger.info('Building the source skipping tests')
if sys.platform.startswith('win'):
subprocess.call(['mvn', 'clean', 'install', '-B', '-e','-Dmaven.test.skip=true'], shell=True, cwd=source_path)
else:
subprocess.call(['mvn', 'clean', 'install', '-B', '-e', '-Dmaven.test.skip=true'], cwd=source_path)
logger.info('Module build is completed. Module: ' + str(source_path))
def main():
try:
global logger
global dist_name
logger = cm.function_logger(logging.DEBUG, logging.DEBUG)
if sys.version_info < (3, 6):
raise Exception(
"To run run-intg-test.py script you must have Python 3.6 or latest. Current version info: " + sys.version_info)
cm.read_property_files()
if not cm.validate_property_readings():
raise Exception(
"Property file doesn't have mandatory key-value pair. Please verify the content of the property file "
"and the format")
# get properties assigned to local variables
pom_path = DIST_POM_PATH
engine = cm.db_engine.upper()
db_meta_data = get_db_meta_data(engine)
distribution_path = DISTRIBUTION_PATH
# construct the database configurations
cm.construct_db_config(db_meta_data)
# clone the repository
cm.clone_repo()
if cm.test_mode == "RELEASE":
cm.checkout_to_tag()
# product name retrieve from product pom files
dist_name = cm.get_dist_name(pom_path)
# build the product without test once to make samples and required artifacts to be available.
build_source_without_tests(cm.workspace + "/" + cm.product_id + "/")
cm.get_latest_released_dist()
elif cm.test_mode == "SNAPSHOT":
# product name retrieve from product pom files
dist_name = cm.get_dist_name(pom_path)
cm.build_snapshot_dist(distribution_path)
elif cm.test_mode == "WUM":
dist_name = cm.get_dist_name_wum()
# populate databases
db_names = configure_product()
if db_names is None or not db_names:
raise Exception("Failed the product configuring")
cm.setup_databases(db_names, db_meta_data)
# run integration tests
# Buld Common module
add_environmental_variables()
module_path = Path(cm.workspace + "/" + cm.product_id + "/" + 'modules/integration/tests-common')
logger.info('Building common module. Build path: '+ str(module_path) + ' \n')
cm.build_module(module_path)
intg_module_path = Path(cm.workspace + "/" + cm.product_id + "/" + INTEGRATION_PATH)
logger.info('Building integration module. Build path: '+ str(intg_module_path) + ' \n')
cm.build_module(intg_module_path)
save_test_output()
cm.create_output_property_fle()
except Exception as e:
logger.error("Error occurred while running the run-intg-test.py script", exc_info=True)
except BaseException as e:
logger.error("Error occurred while doing the configuration", exc_info=True)
if __name__ == "__main__":
main()
| [((3974, 4019), 'pathlib.Path', 'Path', (['(storage_dist_abs_path / datasource_path)'], {}), '(storage_dist_abs_path / datasource_path)\n', (3978, 4019), False, 'from pathlib import Path\n'), ((4031, 4061), 'sys.platform.startswith', 'sys.platform.startswith', (['"""win"""'], {}), "('win')\n", (4054, 4061), False, 'import sys\n'), ((4209, 4229), 'toml.load', 'toml.load', (['file_path'], {}), '(file_path)\n', (4218, 4229), False, 'import toml\n'), ((7704, 7742), 'pathlib.Path', 'Path', (["(cm.workspace + '/' + LOG_STORAGE)"], {}), "(cm.workspace + '/' + LOG_STORAGE)\n", (7708, 7742), False, 'from pathlib import Path\n'), ((8373, 8420), 'pathlib.Path', 'Path', (["(cm.workspace + '/' + TEST_OUTPUT_DIR_NAME)"], {}), "(cm.workspace + '/' + TEST_OUTPUT_DIR_NAME)\n", (8377, 8420), False, 'from pathlib import Path\n'), ((8464, 8490), 'pathlib.Path.exists', 'Path.exists', (['report_folder'], {}), '(report_folder)\n', (8475, 8490), False, 'from pathlib import Path\n'), ((11882, 11912), 'sys.platform.startswith', 'sys.platform.startswith', (['"""win"""'], {}), "('win')\n", (11905, 11912), False, 'import sys\n'), ((4087, 4112), 'intg_test_manager.winapi_path', 'cm.winapi_path', (['file_path'], {}), '(file_path)\n', (4101, 4112), True, 'import intg_test_manager as cm\n'), ((6223, 6275), 'pathlib.Path', 'Path', (["(cm.workspace + '/' + cm.product_id + '/' + pom)"], {}), "(cm.workspace + '/' + cm.product_id + '/' + pom)\n", (6227, 6275), False, 'from pathlib import Path\n'), ((6287, 6317), 'sys.platform.startswith', 'sys.platform.startswith', (['"""win"""'], {}), "('win')\n", (6310, 6317), False, 'import sys\n'), ((6438, 6472), 'xml.etree.ElementTree.register_namespace', 'ET.register_namespace', (['""""""', "NS['d']"], {}), "('', NS['d'])\n", (6459, 6472), True, 'from xml.etree import ElementTree as ET\n'), ((6497, 6516), 'xml.etree.ElementTree.parse', 'ET.parse', (['file_path'], {}), '(file_path)\n', (6505, 6516), True, 'from xml.etree import ElementTree as ET\n'), ((7754, 7778), 'pathlib.Path.exists', 'Path.exists', (['log_storage'], {}), '(log_storage)\n', (7765, 7778), False, 'from pathlib import Path\n'), ((8500, 8528), 'shutil.rmtree', 'shutil.rmtree', (['report_folder'], {}), '(report_folder)\n', (8513, 8528), False, 'import shutil\n'), ((10248, 10299), 'pathlib.Path', 'Path', (["(cm.workspace + '/' + PRODUCT_STORAGE_DIR_NAME)"], {}), "(cm.workspace + '/' + PRODUCT_STORAGE_DIR_NAME)\n", (10252, 10299), False, 'from pathlib import Path\n'), ((10330, 10396), 'pathlib.Path', 'Path', (["(cm.workspace + '/' + cm.product_id + '/' + DISTRIBUTION_PATH)"], {}), "(cm.workspace + '/' + cm.product_id + '/' + DISTRIBUTION_PATH)\n", (10334, 10396), False, 'from pathlib import Path\n'), ((10429, 10467), 'pathlib.Path', 'Path', (['(storage_dir_abs_path / dist_name)'], {}), '(storage_dir_abs_path / dist_name)\n', (10433, 10467), False, 'from pathlib import Path\n'), ((10499, 10536), 'pathlib.Path', 'Path', (['(storage_dir_abs_path / zip_name)'], {}), '(storage_dir_abs_path / zip_name)\n', (10503, 10536), False, 'from pathlib import Path\n'), ((10575, 10612), 'pathlib.Path', 'Path', (['(target_dir_abs_path / dist_name)'], {}), '(target_dir_abs_path / dist_name)\n', (10579, 10612), False, 'from pathlib import Path\n'), ((10635, 10651), 'pathlib.Path', 'Path', (['WSO2SERVER'], {}), '(WSO2SERVER)\n', (10639, 10651), False, 'from pathlib import Path\n'), ((10675, 10716), 'pathlib.Path', 'Path', (['(storage_dist_abs_path / script_name)'], {}), '(storage_dist_abs_path / script_name)\n', (10679, 10716), False, 'from pathlib import Path\n'), ((10725, 10787), 'intg_test_manager.extract_product', 'cm.extract_product', (['storage_dir_abs_path', 'storage_zip_abs_path'], {}), '(storage_dir_abs_path, storage_zip_abs_path)\n', (10743, 10787), True, 'import intg_test_manager as cm\n'), ((10796, 10832), 'intg_test_manager.attach_jolokia_agent', 'cm.attach_jolokia_agent', (['script_path'], {}), '(script_path)\n', (10819, 10832), True, 'import intg_test_manager as cm\n'), ((11166, 11241), 'intg_test_manager.compress_distribution', 'cm.compress_distribution', (['configured_dist_storing_loc', 'storage_dir_abs_path'], {}), '(configured_dist_storing_loc, storage_dir_abs_path)\n', (11190, 11241), True, 'import intg_test_manager as cm\n'), ((11250, 11306), 'intg_test_manager.add_distribution_to_m2', 'cm.add_distribution_to_m2', (['storage_dir_abs_path', 'M2_PATH'], {}), '(storage_dir_abs_path, M2_PATH)\n', (11275, 11306), True, 'import intg_test_manager as cm\n'), ((11315, 11381), 'shutil.rmtree', 'shutil.rmtree', (['configured_dist_storing_loc'], {'onerror': 'cm.on_rm_error'}), '(configured_dist_storing_loc, onerror=cm.on_rm_error)\n', (11328, 11381), False, 'import shutil\n'), ((11922, 12037), 'subprocess.call', 'subprocess.call', (["['mvn', 'clean', 'install', '-B', '-e', '-Dmaven.test.skip=true']"], {'shell': '(True)', 'cwd': 'source_path'}), "(['mvn', 'clean', 'install', '-B', '-e',\n '-Dmaven.test.skip=true'], shell=True, cwd=source_path)\n", (11937, 12037), False, 'import subprocess\n'), ((12051, 12154), 'subprocess.call', 'subprocess.call', (["['mvn', 'clean', 'install', '-B', '-e', '-Dmaven.test.skip=true']"], {'cwd': 'source_path'}), "(['mvn', 'clean', 'install', '-B', '-e',\n '-Dmaven.test.skip=true'], cwd=source_path)\n", (12066, 12154), False, 'import subprocess\n'), ((12311, 12359), 'intg_test_manager.function_logger', 'cm.function_logger', (['logging.DEBUG', 'logging.DEBUG'], {}), '(logging.DEBUG, logging.DEBUG)\n', (12329, 12359), True, 'import intg_test_manager as cm\n'), ((12563, 12587), 'intg_test_manager.read_property_files', 'cm.read_property_files', ([], {}), '()\n', (12585, 12587), True, 'import intg_test_manager as cm\n'), ((12922, 12942), 'intg_test_manager.db_engine.upper', 'cm.db_engine.upper', ([], {}), '()\n', (12940, 12942), True, 'import intg_test_manager as cm\n'), ((13094, 13130), 'intg_test_manager.construct_db_config', 'cm.construct_db_config', (['db_meta_data'], {}), '(db_meta_data)\n', (13116, 13130), True, 'import intg_test_manager as cm\n'), ((13171, 13186), 'intg_test_manager.clone_repo', 'cm.clone_repo', ([], {}), '()\n', (13184, 13186), True, 'import intg_test_manager as cm\n'), ((14070, 14112), 'intg_test_manager.setup_databases', 'cm.setup_databases', (['db_names', 'db_meta_data'], {}), '(db_names, db_meta_data)\n', (14088, 14112), True, 'import intg_test_manager as cm\n'), ((14234, 14321), 'pathlib.Path', 'Path', (["(cm.workspace + '/' + cm.product_id + '/' + 'modules/integration/tests-common')"], {}), "(cm.workspace + '/' + cm.product_id + '/' +\n 'modules/integration/tests-common')\n", (14238, 14321), False, 'from pathlib import Path\n'), ((14413, 14441), 'intg_test_manager.build_module', 'cm.build_module', (['module_path'], {}), '(module_path)\n', (14428, 14441), True, 'import intg_test_manager as cm\n'), ((14469, 14534), 'pathlib.Path', 'Path', (["(cm.workspace + '/' + cm.product_id + '/' + INTEGRATION_PATH)"], {}), "(cm.workspace + '/' + cm.product_id + '/' + INTEGRATION_PATH)\n", (14473, 14534), False, 'from pathlib import Path\n'), ((14639, 14672), 'intg_test_manager.build_module', 'cm.build_module', (['intg_module_path'], {}), '(intg_module_path)\n', (14654, 14672), True, 'import intg_test_manager as cm\n'), ((14708, 14739), 'intg_test_manager.create_output_property_fle', 'cm.create_output_property_fle', ([], {}), '()\n', (14737, 14739), True, 'import intg_test_manager as cm\n'), ((5631, 5665), 'toml.dumps', 'toml.dumps', (['deployment_toml_config'], {}), '(deployment_toml_config)\n', (5641, 5665), False, 'import toml\n'), ((6343, 6368), 'intg_test_manager.winapi_path', 'cm.winapi_path', (['file_path'], {}), '(file_path)\n', (6357, 6368), True, 'import intg_test_manager as cm\n'), ((7977, 8030), 'pathlib.Path', 'Path', (["(cm.workspace + '/' + cm.product_id + '/' + file)"], {}), "(cm.workspace + '/' + cm.product_id + '/' + file)\n", (7981, 8030), False, 'from pathlib import Path\n'), ((8046, 8077), 'pathlib.Path.exists', 'Path.exists', (['absolute_file_path'], {}), '(absolute_file_path)\n', (8057, 8077), False, 'from pathlib import Path\n'), ((8781, 8834), 'pathlib.Path', 'Path', (["(cm.workspace + '/' + cm.product_id + '/' + file)"], {}), "(cm.workspace + '/' + cm.product_id + '/' + file)\n", (8785, 8834), False, 'from pathlib import Path\n'), ((8850, 8881), 'pathlib.Path.exists', 'Path.exists', (['absolute_file_path'], {}), '(absolute_file_path)\n', (8861, 8881), False, 'from pathlib import Path\n'), ((10858, 10905), 'pathlib.Path', 'Path', (["cm.database_config['sql_driver_location']"], {}), "(cm.database_config['sql_driver_location'])\n", (10862, 10905), False, 'from pathlib import Path\n'), ((10907, 10945), 'pathlib.Path', 'Path', (['(storage_dist_abs_path / LIB_PATH)'], {}), '(storage_dist_abs_path / LIB_PATH)\n', (10911, 10945), False, 'from pathlib import Path\n'), ((12603, 12634), 'intg_test_manager.validate_property_readings', 'cm.validate_property_readings', ([], {}), '()\n', (12632, 12634), True, 'import intg_test_manager as cm\n'), ((13238, 13258), 'intg_test_manager.checkout_to_tag', 'cm.checkout_to_tag', ([], {}), '()\n', (13256, 13258), True, 'import intg_test_manager as cm\n'), ((13342, 13368), 'intg_test_manager.get_dist_name', 'cm.get_dist_name', (['pom_path'], {}), '(pom_path)\n', (13358, 13368), True, 'import intg_test_manager as cm\n'), ((13568, 13597), 'intg_test_manager.get_latest_released_dist', 'cm.get_latest_released_dist', ([], {}), '()\n', (13595, 13597), True, 'import intg_test_manager as cm\n'), ((7788, 7805), 'pathlib.Path', 'Path', (['log_storage'], {}), '(log_storage)\n', (7792, 7805), False, 'from pathlib import Path\n'), ((8095, 8140), 'intg_test_manager.copy_file', 'cm.copy_file', (['absolute_file_path', 'log_storage'], {}), '(absolute_file_path, log_storage)\n', (8107, 8140), True, 'import intg_test_manager as cm\n'), ((8916, 8975), 'pathlib.Path', 'Path', (["(cm.workspace + '/' + TEST_OUTPUT_DIR_NAME + '/' + key)"], {}), "(cm.workspace + '/' + TEST_OUTPUT_DIR_NAME + '/' + key)\n", (8920, 8975), False, 'from pathlib import Path\n'), ((8992, 9040), 'intg_test_manager.copy_file', 'cm.copy_file', (['absolute_file_path', 'report_storage'], {}), '(absolute_file_path, report_storage)\n', (9004, 9040), True, 'import intg_test_manager as cm\n'), ((13722, 13748), 'intg_test_manager.get_dist_name', 'cm.get_dist_name', (['pom_path'], {}), '(pom_path)\n', (13738, 13748), True, 'import intg_test_manager as cm\n'), ((13761, 13802), 'intg_test_manager.build_snapshot_dist', 'cm.build_snapshot_dist', (['distribution_path'], {}), '(distribution_path)\n', (13783, 13802), True, 'import intg_test_manager as cm\n'), ((7156, 7193), 'intg_test_manager.modify_distribution_name', 'cm.modify_distribution_name', (['neighbor'], {}), '(neighbor)\n', (7183, 7193), True, 'import intg_test_manager as cm\n'), ((13863, 13885), 'intg_test_manager.get_dist_name_wum', 'cm.get_dist_name_wum', ([], {}), '()\n', (13883, 13885), True, 'import intg_test_manager as cm\n'), ((7502, 7535), 'intg_test_manager.modify_distribution_name', 'cm.modify_distribution_name', (['data'], {}), '(data)\n', (7529, 7535), True, 'import intg_test_manager as cm\n')] |
rhpvorderman/pytest-notification | src/pytest_notification/sound.py | 3f322ab04914f52525e1b07bc80537d5f9a00250 | # Copyright (c) 2019 Leiden University Medical Center
#
# Permission is hereby granted, free of charge, to any person obtaining a copy
# of this software and associated documentation files (the "Software"), to deal
# in the Software without restriction, including without limitation the rights
# to use, copy, modify, merge, publish, distribute, sublicense, and/or sell
# copies of the Software, and to permit persons to whom the Software is
# furnished to do so, subject to the following conditions:
#
# The above copyright notice and this permission notice shall be included in
# all copies or substantial portions of the Software.
#
# THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR
# IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,
# FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE
# AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER
# LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,
# OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE
# SOFTWARE.
import subprocess
import sys
from pathlib import Path
SOUNDS_DIR = (Path(__file__).parent / Path("sounds")).absolute()
DEFAULT_SUCCESS_SOUND = SOUNDS_DIR / Path("applause")
DEFAULT_FAIL_SOUND = SOUNDS_DIR / Path("buzzer")
def play_sound(sound_file: Path):
if sys.platform == "linux":
# paplay comes from PulseAudio and should be installed by default on
# most systems.
_play_sound_unix(sound_file.with_suffix(".oga"), program="paplay")
elif sys.platform == "darwin":
# Afplay comes installed by default on Macintosh
_play_sound_unix(sound_file.with_suffix(".mp3"), program="afplay")
else:
# A windows implementation should be possible with the winsound
# implementation, but that does not play ogg audio.
raise NotImplementedError(
"Playing sounds not supported by pytest-notification on {}"
"".format(sys.platform))
def _play_sound_unix(sound_file: Path, program):
"""
Play a sound file on unix with the program.
:param sound_file: Path to the sound file.
:param program: Which program to use.
:return: No returns. Plays a sound file.
"""
# Play the sound non blocking, use Popen.
subprocess.Popen([program, str(sound_file)])
| [((1269, 1285), 'pathlib.Path', 'Path', (['"""applause"""'], {}), "('applause')\n", (1273, 1285), False, 'from pathlib import Path\n'), ((1320, 1334), 'pathlib.Path', 'Path', (['"""buzzer"""'], {}), "('buzzer')\n", (1324, 1334), False, 'from pathlib import Path\n'), ((1205, 1219), 'pathlib.Path', 'Path', (['"""sounds"""'], {}), "('sounds')\n", (1209, 1219), False, 'from pathlib import Path\n'), ((1181, 1195), 'pathlib.Path', 'Path', (['__file__'], {}), '(__file__)\n', (1185, 1195), False, 'from pathlib import Path\n')] |
yaznasivasai/python_codewars | 7KYU/next_prime.py | 25493591dde4649dc9c1ec3bece8191a3bed6818 | from math import sqrt
def is_simple(n: int) -> bool:
if n % 2 == 0 and n != 2:
return False
for i in range (3, int(sqrt(n)) + 2, 2):
if n % i == 0 and n != i:
return False
return True
def next_prime(n: int) -> int:
n += 1
if n <= 2:
return 2
else:
if n % 2 == 0:
n += 1
while not is_simple(n):
n += 2
return n | [((133, 140), 'math.sqrt', 'sqrt', (['n'], {}), '(n)\n', (137, 140), False, 'from math import sqrt\n')] |
manxueitp/cozmo-test | cozmo_sdk_examples/if_this_then_that/ifttt_gmail.py | a91b1a4020544cb622bd67385f317931c095d2e8 | #!/usr/bin/env python3
# Copyright (c) 2016 Anki, Inc.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License in the file LICENSE.txt or at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
'''"If This Then That" Gmail example
This example demonstrates how "If This Then That" (http://ifttt.com) can be used
make Cozmo respond when a Gmail account receives an email. Instructions below
will lead you through setting up an applet on the IFTTT website. When the applet
trigger is called (which sends a web request received by the web server started
in this example), Cozmo will play an animation, speak the email sender's name and
show a mailbox image on his face.
Please place Cozmo on the charger for this example. When necessary, he will be
rolled off and back on.
Follow these steps to set up and run the example:
1) Provide a a static ip, URL or similar that can be reached from the If This
Then That server. One easy way to do this is with ngrok, which sets up
a secure tunnel to localhost running on your machine.
To set up ngrok:
a) Follow instructions here to download and install:
https://ngrok.com/download
b) Run this command to create a secure public URL for port 8080:
./ngrok http 8080
c) Note the HTTP forwarding address shown in the terminal (e.g., http://55e57164.ngrok.io).
You will use this address in your applet, below.
WARNING: Using ngrok exposes your local web server to the internet. See the ngrok
documentation for more information: https://ngrok.com/docs
2) Set up your applet on the "If This Then That" website.
a) Sign up and sign into https://ifttt.com
b) Create an applet: https://ifttt.com/create
c) Set up your trigger.
1. Click "this".
2. Select "Gmail" as your service. If prompted, click "Connect",
select your Gmail account, and click “Allow” to provide permissions
to IFTTT for your email account. Click "Done".
3. Under "Choose a Trigger", select “Any new email in inbox".
d) Set up your action.
1. Click “that".
2. Select “Maker" to set it as your action channel. Connect to the Maker channel if prompted.
3. Click “Make a web request" and fill out the fields as follows. Remember your publicly
accessible URL from above (e.g., http://55e57164.ngrok.io) and use it in the URL field,
followed by "/iftttGmail" as shown below:
URL: http://55e57164.ngrok.io/iftttGmail
Method: POST
Content Type: application/json
Body: {"FromAddress":"{{FromAddress}}"}
5. Click “Create Action" then “Finish".
3) Test your applet.
a) Run this script at the command line: ./ifttt_gmail.py
b) On ifttt.com, on your applet page, click “Check now”. See that IFTTT confirms that the applet
was checked.
c) Send an email to the Gmail account in your recipe
d) On your IFTTT applet webpage, again click “Check now”. This should cause IFTTT to detect that
the email was received and send a web request to the ifttt_gmail.py script.
e) In response to the ifttt web request, Cozmo should roll off the charger, raise and lower
his lift, announce the email, and then show a mailbox image on his face.
'''
import asyncio
import re
import sys
try:
from aiohttp import web
except ImportError:
sys.exit("Cannot import from aiohttp. Do `pip3 install --user aiohttp` to install")
import cozmo
from common import IFTTTRobot
app = web.Application()
async def serve_gmail(request):
'''Define an HTTP POST handler for receiving requests from If This Then That.
You may modify this method to change how Cozmo reacts to the email
being received.
'''
json_object = await request.json()
# Extract the name of the email sender.
from_email_address = json_object["FromAddress"]
# Use a regular expression to break apart pieces of the email address
match_object = re.search(r'([\w.]+)@([\w.]+)', from_email_address)
email_local_part = match_object.group(1)
robot = request.app['robot']
async def read_name():
try:
async with robot.perform_off_charger():
'''If necessary, Move Cozmo's Head and Lift to make it easy to see Cozmo's face.'''
await robot.get_in_position()
# First, have Cozmo play animation "ID_pokedB", which tells
# Cozmo to raise and lower his lift. To change the animation,
# you may replace "ID_pokedB" with another animation. Run
# remote_control_cozmo.py to see a list of animations.
await robot.play_anim(name='ID_pokedB').wait_for_completed()
# Next, have Cozmo speak the name of the email sender.
await robot.say_text("Email from " + email_local_part).wait_for_completed()
# Last, have Cozmo display an email image on his face.
robot.display_image_file_on_face("../face_images/ifttt_gmail.png")
except cozmo.RobotBusy:
cozmo.logger.warning("Robot was busy so didn't read email address: "+ from_email_address)
# Perform Cozmo's task in the background so the HTTP server responds immediately.
asyncio.ensure_future(read_name())
return web.Response(text="OK")
# Attach the function as an HTTP handler.
app.router.add_post('/iftttGmail', serve_gmail)
if __name__ == '__main__':
cozmo.setup_basic_logging()
cozmo.robot.Robot.drive_off_charger_on_connect = False
# Use our custom robot class with extra helper methods
cozmo.conn.CozmoConnection.robot_factory = IFTTTRobot
try:
sdk_conn = cozmo.connect_on_loop(app.loop)
# Wait for the robot to become available and add it to the app object.
app['robot'] = app.loop.run_until_complete(sdk_conn.wait_for_robot())
except cozmo.ConnectionError as e:
sys.exit("A connection error occurred: %s" % e)
web.run_app(app)
| [((4131, 4148), 'aiohttp.web.Application', 'web.Application', ([], {}), '()\n', (4146, 4148), False, 'from aiohttp import web\n'), ((4596, 4648), 're.search', 're.search', (['"""([\\\\w.]+)@([\\\\w.]+)"""', 'from_email_address'], {}), "('([\\\\w.]+)@([\\\\w.]+)', from_email_address)\n", (4605, 4648), False, 'import re\n'), ((5934, 5957), 'aiohttp.web.Response', 'web.Response', ([], {'text': '"""OK"""'}), "(text='OK')\n", (5946, 5957), False, 'from aiohttp import web\n'), ((6082, 6109), 'cozmo.setup_basic_logging', 'cozmo.setup_basic_logging', ([], {}), '()\n', (6107, 6109), False, 'import cozmo\n'), ((6605, 6621), 'aiohttp.web.run_app', 'web.run_app', (['app'], {}), '(app)\n', (6616, 6621), False, 'from aiohttp import web\n'), ((3994, 4082), 'sys.exit', 'sys.exit', (['"""Cannot import from aiohttp. Do `pip3 install --user aiohttp` to install"""'], {}), "(\n 'Cannot import from aiohttp. Do `pip3 install --user aiohttp` to install')\n", (4002, 4082), False, 'import sys\n'), ((6316, 6347), 'cozmo.connect_on_loop', 'cozmo.connect_on_loop', (['app.loop'], {}), '(app.loop)\n', (6337, 6347), False, 'import cozmo\n'), ((6552, 6599), 'sys.exit', 'sys.exit', (["('A connection error occurred: %s' % e)"], {}), "('A connection error occurred: %s' % e)\n", (6560, 6599), False, 'import sys\n'), ((5706, 5800), 'cozmo.logger.warning', 'cozmo.logger.warning', (['("Robot was busy so didn\'t read email address: " + from_email_address)'], {}), '("Robot was busy so didn\'t read email address: " +\n from_email_address)\n', (5726, 5800), False, 'import cozmo\n')] |
parkus/mypy | plotutils.py | 21043c559dca14abe7508e0f6b2f8053bf376bb8 | # -*- coding: utf-8 -*-
"""
Created on Fri May 30 17:15:27 2014
@author: Parke
"""
from __future__ import division, print_function, absolute_import
import numpy as np
import matplotlib as mplot
import matplotlib.pyplot as plt
import mypy.my_numpy as mnp
dpi = 100
fullwidth = 10.0
halfwidth = 5.0
# use these with line.set_dashes and iterate through more linestyles than come with matplotlib
# consider ussing a ::2 slice for fewer
dashes = [[],
[30, 10],
[20, 8],
[10, 5],
[3, 2],
[30, 5, 3, 5, 10, 5, 3, 5],
[15] + [5, 3]*3 + [5],
[15] + [5, 3]*2 + [5],
[15] + [5, 3] + [5]]
def click_coords(fig=None, timeout=600.):
if fig is None:
fig = plt.gcf()
xy = []
def onclick(event):
if not event.inaxes:
fig.canvas.stop_event_loop()
else:
xy.append([event.xdata, event.ydata])
print("Gathering coordinates of mouse clicks. Click outside of the axes " \
"when done.")
cid = fig.canvas.mpl_connect('button_press_event', onclick)
fig.canvas.start_event_loop(timeout=timeout)
fig.canvas.mpl_disconnect(cid)
return np.array(xy)
def common_axes(fig, pos=None):
if pos is None:
bigax = fig.add_subplot(111)
else:
bigax = fig.add_axes(pos)
[bigax.spines[s].set_visible(False) for s in ['top', 'bottom', 'left', 'right']]
bigax.tick_params(labelleft=False, labelbottom=False, left='off', bottom='off')
bigax.set_zorder(-10)
return bigax
def log_frac(x, frac):
l0, l1 = list(map(np.log10, x))
ld = l1 - l0
l = ld*frac + l0
return 10**l
def log2linear(x, errneg=None, errpos=None):
xl = 10**x
result = [xl]
if errneg is not None:
xn = xl - 10**(x - np.abs(errneg))
result.append(xn)
if errpos is not None:
xp = 10**(x + errpos) - xl
result.append(xp)
return result
def linear2log(x, errneg=None, errpos=None):
xl = np.log10(x)
result = [x]
if errneg is not None:
xn = xl - np.log10(x - np.abs(errneg))
result.append(xn)
if errpos is not None:
xp = np.log10(x + errpos) - xl
result.append(xp)
return result
def step(*args, **kwargs):
edges, values = args[0], args[1]
# deal with potentially gappy 2-column bin specifications
edges = np.asarray(edges)
if edges.ndim == 2:
if np.any(edges[1:,0] < edges[:-1,1]):
raise ValueError('Some bins overlap')
if np.any(edges[1:,0] < edges[:-1,0]):
raise ValueError('Bins must be in increasing order.')
gaps = edges[1:,0] > edges[:-1,1]
edges = np.unique(edges)
if np.any(gaps):
values = np.insert(values, np.nonzero(gaps), np.nan)
edges = mnp.lace(edges[:-1], edges[1:])
values = mnp.lace(values, values)
args = list(args)
args[0], args[1] = edges, values
ax = kwargs.pop('ax', plt.gca())
return ax.plot(*args, **kwargs)
def point_along_line(x, y, xfrac=None, xlbl=None, scale='linear'):
if scale == 'log':
lx, ly = point_along_line(np.log10(x), np.log10(y), xfrac, xlbl, ylbl, scale)
return 10 ** lx, 10 ** ly
if xfrac is not None:
if xfrac == 0:
return x[0], y[0]
if xfrac == 1:
return x[-1], y[-1]
else:
d = np.cumsum(np.sqrt(np.diff(x)**2 + np.diff(y)**2))
d = np.insert(d, 0, 0)
f = d/d[-1]
xp, yp = [np.interp(xfrac, f, a) for a in [x,y]]
return xp, yp
if xlbl is not None:
return xlbl, np.interp(xlbl, x, y)
def textSize(ax_or_fig=None, coordinate='data'):
"""
Return x & y scale factors for converting text sizes in points to another coordinate. Useful for properly spacing
text labels and such when you need to know sizes before the text is made (otherwise you can use textBoxSize).
Coordinate can be 'data', 'axes', or 'figure'.
If data coordinates are requested and the data is plotted on a log scale, then the factor will be given in dex.
"""
if ax_or_fig is None:
fig = plt.gcf()
ax = fig.gca()
else:
if isinstance(ax_or_fig, plt.Figure):
fig = ax_or_fig
ax = fig.gca()
elif isinstance(ax_or_fig, plt.Axes):
ax = ax_or_fig
fig = ax.get_figure()
else:
raise TypeError('ax_or_fig must be a Figure or Axes instance, if given.')
w_fig_in, h_fig_in = ax.get_figure().get_size_inches()
if coordinate == 'fig':
return 1.0/(w_fig_in*72), 1.0/(h_fig_in*72)
w_ax_norm, h_ax_norm = ax.get_position().size
w_ax_in = w_ax_norm * w_fig_in
h_ax_in = h_ax_norm * h_fig_in
w_ax_pts, h_ax_pts = w_ax_in*72, h_ax_in*72
if coordinate == 'axes':
return 1.0/w_ax_pts, 1.0/h_ax_pts
if coordinate == 'data':
xlim = ax.get_xlim()
ylim = ax.get_ylim()
if ax.get_xscale() == 'log': xlim = np.log10(xlim)
if ax.get_yscale() == 'log': ylim = np.log10(ylim)
w_ax_data = xlim[1] - xlim[0]
h_ax_data = ylim[1] - ylim[0]
return w_ax_data/w_ax_pts, h_ax_data/h_ax_pts
def tight_axis_limits(ax=None, xory='both', margin=0.05):
if ax is None: ax = plt.gca()
def newlim(oldlim):
delta = abs(oldlim[1] - oldlim[0])
pad = delta*margin
if oldlim[1] > oldlim[0]:
return (oldlim[0] - pad, oldlim[1] + pad)
else:
return (oldlim[0] + pad, oldlim[1] - pad)
def newlim_log(oldlim):
loglim = [np.log10(l) for l in oldlim]
newloglim = newlim(loglim)
return (10.0**newloglim[0], 10.0**newloglim[1])
def newlim_either(oldlim,axlim,scale):
if axlim[1] < axlim [0]: oldlim = oldlim[::-1]
if scale == 'linear':
return newlim(oldlim)
elif scale == 'log':
return newlim_log(oldlim)
elif scale == 'symlog':
raise NotImplementedError('Past Parke to future Parke, you did\'t write an implementation for symlog'
'scaled axes.')
if xory == 'x' or xory == 'both':
datalim = ax.dataLim.extents[[0,2]]
axlim = ax.get_xlim()
scale = ax.get_xscale()
ax.set_xlim(newlim_either(datalim,axlim,scale))
if xory == 'y' or xory == 'both':
datalim = ax.dataLim.extents[[1,3]]
axlim = ax.get_ylim()
scale = ax.get_yscale()
ax.set_ylim(newlim_either(datalim,axlim,scale))
#TODO: discard this function?
def standard_figure(app, slideAR=1.6, height=1.0):
"""Generate a figure of standard size for publishing.
implemented values for app (application) are:
'fullslide'
height is the fractional height of the figure relative to the "standard"
height. For slides the standard is the full height of a slide.
returns the figure object and default font size
"""
if app == 'fullslide':
fontsize = 20
figsize = [fullwidth, fullwidth/slideAR*height]
fig = mplot.pyplot.figure(figsize=figsize, dpi=dpi)
mplot.rcParams.update({'font.size': fontsize})
return fig, fontsize
def pcolor_reg(x, y, z, **kw):
"""
Similar to `pcolor`, but assume that the grid is uniform,
and do plotting with the (much faster) `imshow` function.
"""
x, y, z = np.asarray(x), np.asarray(y), np.asarray(z)
if x.ndim != 1 or y.ndim != 1:
raise ValueError("x and y should be 1-dimensional")
if z.ndim != 2 or z.shape != (y.size, x.size):
raise ValueError("z.shape should be (y.size, x.size)")
dx = np.diff(x)
dy = np.diff(y)
if not np.allclose(dx, dx[0], 1e-2) or not np.allclose(dy, dy[0], 1e-2):
raise ValueError("The grid must be uniform")
if np.issubdtype(z.dtype, np.complexfloating):
zp = np.zeros(z.shape, float)
zp[...] = z[...]
z = zp
plt.imshow(z, origin='lower',
extent=[x.min(), x.max(), y.min(), y.max()],
interpolation='nearest',
aspect='auto',
**kw)
plt.axis('tight')
def errorpoly(x, y, yerr, fmt=None, ecolor=None, ealpha=0.5, ax=None, **kw):
if ax is None: ax = plt.gca()
p = ax.plot(x, y, **kw) if fmt is None else ax.plot(x, y, fmt, **kw)
if len(yerr.shape) == 2:
ylo = y - yerr[0,:]
yhi = y + yerr[1,:]
else:
ylo, yhi = y - yerr, y + yerr
if ecolor is None: ecolor = p[0].get_color()
# deal with matplotlib sometimes not showing polygon when it extends beyond plot range
xlim = ax.get_xlim()
inrange = mnp.inranges(x, xlim)
if not np.all(inrange):
n = np.sum(inrange)
yends = np.interp(xlim, x, y)
yloends = np.interp(xlim, x, ylo)
yhiends = np.interp(xlim, x, yhi)
x = np.insert(x[inrange], [0, n], xlim)
y = np.insert(y[inrange], [0, n], yends)
ylo = np.insert(ylo[inrange], [0, n], yloends)
yhi = np.insert(yhi[inrange], [0, n], yhiends)
f = ax.fill_between(x,ylo,yhi,color=ecolor,alpha=ealpha)
return p[0],f
def onscreen_pres(mpl, screenwidth=1200):
"""
Set matplotlibrc values so that plots are readable as they are created
and maximized for an audience far from a screen.
Parameters
----------
mpl : module
Current matplotlib module. Use 'import matplotlib as mpl'.
screewidth : int
Width of the screen in question in pixels.
Returns
-------
None
"""
mpl.rcParams['lines.linewidth'] = 2
fontsize = round(14 / (800.0 / screenwidth))
mpl.rcParams['font.size'] = fontsize
def textBoxSize(txt, transformation=None, figure=None):
"""Get the width and height of a text object's bounding box transformed to the desired coordinates. Defaults to
figure coordinates if transformation is None."""
fig= txt.get_figure() if figure is None else figure
if transformation is None:
transformation = fig.transFigure
coordConvert = transformation.inverted().transform
bboxDisp = txt.get_window_extent(fig.canvas.renderer)
bboxConv = coordConvert(bboxDisp)
w = bboxConv[1,0] - bboxConv[0,0]
h = bboxConv[1,1] - bboxConv[0,1]
return w, h
def stars3d(ra, dec, dist, T=5000.0, r=1.0, labels='', view=None, size=(800,800), txt_scale=1.0):
"""
Make a 3D diagram of stars positions relative to the Sun, with
semi-accurate colors and distances as desired. Coordinates must be in
degrees. Distance is assumed to be in pc (for axes labels).
Meant to be used with only a handful of stars.
"""
from mayavi import mlab
from color.maps import true_temp
n = len(ra)
dec, ra = dec*np.pi/180.0, ra*np.pi/180.0
makearr = lambda v: np.array([v] * n) if np.isscalar(v) else v
T, r, labels = list(map(makearr, (T, r, labels)))
# add the sun
ra, dec, dist = list(map(np.append, (ra, dec, dist), (0.0, 0.0, 0.0)))
r, T, labels = list(map(np.append, (r, T, labels), (1.0, 5780.0, 'Sun')))
# get xyz coordinates
z = dist * np.sin(dec)
h = dist * np.cos(dec)
x = h * np.cos(ra)
y = h * np.sin(ra)
# make figure
fig = mlab.figure(bgcolor=(0,0,0), fgcolor=(1,1,1), size=size)
# plot lines down to the dec=0 plane for all but the sun
lines = []
for x1, y1, z1 in list(zip(x, y, z))[:-1]:
xx, yy, zz = [x1, x1], [y1, y1], [0.0, z1]
line = mlab.plot3d(xx, yy, zz, color=(0.7,0.7,0.7), line_width=0.5,
figure=fig)
lines.append(line)
# plot spheres
r_factor = np.max(dist) / 30.0
pts = mlab.quiver3d(x, y, z, r, r, r, scalars=T, mode='sphere',
scale_factor=r_factor, figure=fig, resolution=100)
pts.glyph.color_mode = 'color_by_scalar'
# center the glyphs on the data point
pts.glyph.glyph_source.glyph_source.center = [0, 0, 0]
# set a temperature colormap
cmap = true_temp(T)
pts.module_manager.scalar_lut_manager.lut.table = cmap
# set the camera view
mlab.view(focalpoint=(0.0, 0.0, 0.0), figure=fig)
if view is not None:
mlab.view(*view, figure=fig)
## add labels
# unit vec to camera
view = mlab.view()
az, el = view[:2]
hc = np.sin(el * np.pi / 180.0)
xc = hc * np.cos(az * np.pi / 180.0)
yc = hc * np.sin(az * np.pi / 180.0)
zc = -np.cos(el * np.pi / 180.0)
# unit vec orthoganal to camera
if xc**2 + yc**2 == 0.0:
xoff = 1.0
yoff = 0.0
zoff = 0.0
else:
xoff = yc / np.sqrt(xc**2 + yc**2)
yoff = np.sqrt(1.0 - xoff**2)
zoff = 0.0
# xoff, yoff, zoff = xc, yc, zc
# scale orthogonal vec by sphere size
r_label = 1.0 * r_factor
xoff, yoff, zoff = [r_label * v for v in [xoff, yoff, zoff]]
# plot labels
size = r_factor * txt_scale * 0.75
for xx, yy, zz, label in zip(x, y, z, labels):
mlab.text3d(xx + xoff, yy + yoff, zz + zoff, label, figure=fig,
color=(1,1,1), scale=size)
## add translucent dec=0 surface
n = 101
t = np.linspace(0.0, 2*np.pi, n)
r = np.max(dist * np.cos(dec))
x, y = r*np.cos(t), r*np.sin(t)
z = np.zeros(n+1)
x, y = [np.insert(a, 0, 0.0) for a in [x,y]]
triangles = [(0, i, i + 1) for i in range(1, n)]
mlab.triangular_mesh(x, y, z, triangles, color=(1,1,1), opacity=0.3, figure=fig)
## add ra=0 line
line = mlab.plot3d([0, r], [0, 0], [0, 0], color=(1,1,1), line_width=1, figure=fig)
rtxt = '{:.1f} pc'.format(r)
orientation=np.array([180.0, 180.0, 0.0])
mlab.text3d(r, 0, 0, rtxt, figure=fig, scale=size*1.25, orient_to_camera=False, orientation=orientation)
if view is not None:
mlab.view(*view, figure=fig)
return fig
| [((1184, 1196), 'numpy.array', 'np.array', (['xy'], {}), '(xy)\n', (1192, 1196), True, 'import numpy as np\n'), ((1998, 2009), 'numpy.log10', 'np.log10', (['x'], {}), '(x)\n', (2006, 2009), True, 'import numpy as np\n'), ((2378, 2395), 'numpy.asarray', 'np.asarray', (['edges'], {}), '(edges)\n', (2388, 2395), True, 'import numpy as np\n'), ((2808, 2839), 'mypy.my_numpy.lace', 'mnp.lace', (['edges[:-1]', 'edges[1:]'], {}), '(edges[:-1], edges[1:])\n', (2816, 2839), True, 'import mypy.my_numpy as mnp\n'), ((2853, 2877), 'mypy.my_numpy.lace', 'mnp.lace', (['values', 'values'], {}), '(values, values)\n', (2861, 2877), True, 'import mypy.my_numpy as mnp\n'), ((7155, 7201), 'matplotlib.rcParams.update', 'mplot.rcParams.update', (["{'font.size': fontsize}"], {}), "({'font.size': fontsize})\n", (7176, 7201), True, 'import matplotlib as mplot\n'), ((7677, 7687), 'numpy.diff', 'np.diff', (['x'], {}), '(x)\n', (7684, 7687), True, 'import numpy as np\n'), ((7697, 7707), 'numpy.diff', 'np.diff', (['y'], {}), '(y)\n', (7704, 7707), True, 'import numpy as np\n'), ((7846, 7888), 'numpy.issubdtype', 'np.issubdtype', (['z.dtype', 'np.complexfloating'], {}), '(z.dtype, np.complexfloating)\n', (7859, 7888), True, 'import numpy as np\n'), ((8158, 8175), 'matplotlib.pyplot.axis', 'plt.axis', (['"""tight"""'], {}), "('tight')\n", (8166, 8175), True, 'import matplotlib.pyplot as plt\n'), ((8675, 8696), 'mypy.my_numpy.inranges', 'mnp.inranges', (['x', 'xlim'], {}), '(x, xlim)\n', (8687, 8696), True, 'import mypy.my_numpy as mnp\n'), ((11251, 11311), 'mayavi.mlab.figure', 'mlab.figure', ([], {'bgcolor': '(0, 0, 0)', 'fgcolor': '(1, 1, 1)', 'size': 'size'}), '(bgcolor=(0, 0, 0), fgcolor=(1, 1, 1), size=size)\n', (11262, 11311), False, 'from mayavi import mlab\n'), ((11686, 11799), 'mayavi.mlab.quiver3d', 'mlab.quiver3d', (['x', 'y', 'z', 'r', 'r', 'r'], {'scalars': 'T', 'mode': '"""sphere"""', 'scale_factor': 'r_factor', 'figure': 'fig', 'resolution': '(100)'}), "(x, y, z, r, r, r, scalars=T, mode='sphere', scale_factor=\n r_factor, figure=fig, resolution=100)\n", (11699, 11799), False, 'from mayavi import mlab\n'), ((12010, 12022), 'color.maps.true_temp', 'true_temp', (['T'], {}), '(T)\n', (12019, 12022), False, 'from color.maps import true_temp\n'), ((12113, 12162), 'mayavi.mlab.view', 'mlab.view', ([], {'focalpoint': '(0.0, 0.0, 0.0)', 'figure': 'fig'}), '(focalpoint=(0.0, 0.0, 0.0), figure=fig)\n', (12122, 12162), False, 'from mayavi import mlab\n'), ((12279, 12290), 'mayavi.mlab.view', 'mlab.view', ([], {}), '()\n', (12288, 12290), False, 'from mayavi import mlab\n'), ((12322, 12348), 'numpy.sin', 'np.sin', (['(el * np.pi / 180.0)'], {}), '(el * np.pi / 180.0)\n', (12328, 12348), True, 'import numpy as np\n'), ((13156, 13186), 'numpy.linspace', 'np.linspace', (['(0.0)', '(2 * np.pi)', 'n'], {}), '(0.0, 2 * np.pi, n)\n', (13167, 13186), True, 'import numpy as np\n'), ((13264, 13279), 'numpy.zeros', 'np.zeros', (['(n + 1)'], {}), '(n + 1)\n', (13272, 13279), True, 'import numpy as np\n'), ((13384, 13470), 'mayavi.mlab.triangular_mesh', 'mlab.triangular_mesh', (['x', 'y', 'z', 'triangles'], {'color': '(1, 1, 1)', 'opacity': '(0.3)', 'figure': 'fig'}), '(x, y, z, triangles, color=(1, 1, 1), opacity=0.3,\n figure=fig)\n', (13404, 13470), False, 'from mayavi import mlab\n'), ((13498, 13576), 'mayavi.mlab.plot3d', 'mlab.plot3d', (['[0, r]', '[0, 0]', '[0, 0]'], {'color': '(1, 1, 1)', 'line_width': '(1)', 'figure': 'fig'}), '([0, r], [0, 0], [0, 0], color=(1, 1, 1), line_width=1, figure=fig)\n', (13509, 13576), False, 'from mayavi import mlab\n'), ((13624, 13653), 'numpy.array', 'np.array', (['[180.0, 180.0, 0.0]'], {}), '([180.0, 180.0, 0.0])\n', (13632, 13653), True, 'import numpy as np\n'), ((13658, 13769), 'mayavi.mlab.text3d', 'mlab.text3d', (['r', '(0)', '(0)', 'rtxt'], {'figure': 'fig', 'scale': '(size * 1.25)', 'orient_to_camera': '(False)', 'orientation': 'orientation'}), '(r, 0, 0, rtxt, figure=fig, scale=size * 1.25, orient_to_camera=\n False, orientation=orientation)\n', (13669, 13769), False, 'from mayavi import mlab\n'), ((739, 748), 'matplotlib.pyplot.gcf', 'plt.gcf', ([], {}), '()\n', (746, 748), True, 'import matplotlib.pyplot as plt\n'), ((2431, 2471), 'numpy.any', 'np.any', (['(edges[1:, (0)] < edges[:-1, (1)])'], {}), '(edges[1:, (0)] < edges[:-1, (1)])\n', (2437, 2471), True, 'import numpy as np\n'), ((2528, 2568), 'numpy.any', 'np.any', (['(edges[1:, (0)] < edges[:-1, (0)])'], {}), '(edges[1:, (0)] < edges[:-1, (0)])\n', (2534, 2568), True, 'import numpy as np\n'), ((2688, 2704), 'numpy.unique', 'np.unique', (['edges'], {}), '(edges)\n', (2697, 2704), True, 'import numpy as np\n'), ((2716, 2728), 'numpy.any', 'np.any', (['gaps'], {}), '(gaps)\n', (2722, 2728), True, 'import numpy as np\n'), ((2963, 2972), 'matplotlib.pyplot.gca', 'plt.gca', ([], {}), '()\n', (2970, 2972), True, 'import matplotlib.pyplot as plt\n'), ((4159, 4168), 'matplotlib.pyplot.gcf', 'plt.gcf', ([], {}), '()\n', (4166, 4168), True, 'import matplotlib.pyplot as plt\n'), ((5312, 5321), 'matplotlib.pyplot.gca', 'plt.gca', ([], {}), '()\n', (5319, 5321), True, 'import matplotlib.pyplot as plt\n'), ((7104, 7149), 'matplotlib.pyplot.figure', 'mplot.pyplot.figure', ([], {'figsize': 'figsize', 'dpi': 'dpi'}), '(figsize=figsize, dpi=dpi)\n', (7123, 7149), True, 'import matplotlib as mplot\n'), ((7415, 7428), 'numpy.asarray', 'np.asarray', (['x'], {}), '(x)\n', (7425, 7428), True, 'import numpy as np\n'), ((7430, 7443), 'numpy.asarray', 'np.asarray', (['y'], {}), '(y)\n', (7440, 7443), True, 'import numpy as np\n'), ((7445, 7458), 'numpy.asarray', 'np.asarray', (['z'], {}), '(z)\n', (7455, 7458), True, 'import numpy as np\n'), ((7903, 7927), 'numpy.zeros', 'np.zeros', (['z.shape', 'float'], {}), '(z.shape, float)\n', (7911, 7927), True, 'import numpy as np\n'), ((8279, 8288), 'matplotlib.pyplot.gca', 'plt.gca', ([], {}), '()\n', (8286, 8288), True, 'import matplotlib.pyplot as plt\n'), ((8708, 8723), 'numpy.all', 'np.all', (['inrange'], {}), '(inrange)\n', (8714, 8723), True, 'import numpy as np\n'), ((8737, 8752), 'numpy.sum', 'np.sum', (['inrange'], {}), '(inrange)\n', (8743, 8752), True, 'import numpy as np\n'), ((8769, 8790), 'numpy.interp', 'np.interp', (['xlim', 'x', 'y'], {}), '(xlim, x, y)\n', (8778, 8790), True, 'import numpy as np\n'), ((8809, 8832), 'numpy.interp', 'np.interp', (['xlim', 'x', 'ylo'], {}), '(xlim, x, ylo)\n', (8818, 8832), True, 'import numpy as np\n'), ((8851, 8874), 'numpy.interp', 'np.interp', (['xlim', 'x', 'yhi'], {}), '(xlim, x, yhi)\n', (8860, 8874), True, 'import numpy as np\n'), ((8887, 8922), 'numpy.insert', 'np.insert', (['x[inrange]', '[0, n]', 'xlim'], {}), '(x[inrange], [0, n], xlim)\n', (8896, 8922), True, 'import numpy as np\n'), ((8935, 8971), 'numpy.insert', 'np.insert', (['y[inrange]', '[0, n]', 'yends'], {}), '(y[inrange], [0, n], yends)\n', (8944, 8971), True, 'import numpy as np\n'), ((8986, 9026), 'numpy.insert', 'np.insert', (['ylo[inrange]', '[0, n]', 'yloends'], {}), '(ylo[inrange], [0, n], yloends)\n', (8995, 9026), True, 'import numpy as np\n'), ((9041, 9081), 'numpy.insert', 'np.insert', (['yhi[inrange]', '[0, n]', 'yhiends'], {}), '(yhi[inrange], [0, n], yhiends)\n', (9050, 9081), True, 'import numpy as np\n'), ((11137, 11148), 'numpy.sin', 'np.sin', (['dec'], {}), '(dec)\n', (11143, 11148), True, 'import numpy as np\n'), ((11164, 11175), 'numpy.cos', 'np.cos', (['dec'], {}), '(dec)\n', (11170, 11175), True, 'import numpy as np\n'), ((11188, 11198), 'numpy.cos', 'np.cos', (['ra'], {}), '(ra)\n', (11194, 11198), True, 'import numpy as np\n'), ((11211, 11221), 'numpy.sin', 'np.sin', (['ra'], {}), '(ra)\n', (11217, 11221), True, 'import numpy as np\n'), ((11496, 11570), 'mayavi.mlab.plot3d', 'mlab.plot3d', (['xx', 'yy', 'zz'], {'color': '(0.7, 0.7, 0.7)', 'line_width': '(0.5)', 'figure': 'fig'}), '(xx, yy, zz, color=(0.7, 0.7, 0.7), line_width=0.5, figure=fig)\n', (11507, 11570), False, 'from mayavi import mlab\n'), ((11656, 11668), 'numpy.max', 'np.max', (['dist'], {}), '(dist)\n', (11662, 11668), True, 'import numpy as np\n'), ((12195, 12223), 'mayavi.mlab.view', 'mlab.view', (['*view'], {'figure': 'fig'}), '(*view, figure=fig)\n', (12204, 12223), False, 'from mayavi import mlab\n'), ((12363, 12389), 'numpy.cos', 'np.cos', (['(az * np.pi / 180.0)'], {}), '(az * np.pi / 180.0)\n', (12369, 12389), True, 'import numpy as np\n'), ((12404, 12430), 'numpy.sin', 'np.sin', (['(az * np.pi / 180.0)'], {}), '(az * np.pi / 180.0)\n', (12410, 12430), True, 'import numpy as np\n'), ((12441, 12467), 'numpy.cos', 'np.cos', (['(el * np.pi / 180.0)'], {}), '(el * np.pi / 180.0)\n', (12447, 12467), True, 'import numpy as np\n'), ((12654, 12678), 'numpy.sqrt', 'np.sqrt', (['(1.0 - xoff ** 2)'], {}), '(1.0 - xoff ** 2)\n', (12661, 12678), True, 'import numpy as np\n'), ((12988, 13084), 'mayavi.mlab.text3d', 'mlab.text3d', (['(xx + xoff)', '(yy + yoff)', '(zz + zoff)', 'label'], {'figure': 'fig', 'color': '(1, 1, 1)', 'scale': 'size'}), '(xx + xoff, yy + yoff, zz + zoff, label, figure=fig, color=(1, 1,\n 1), scale=size)\n', (12999, 13084), False, 'from mayavi import mlab\n'), ((13290, 13310), 'numpy.insert', 'np.insert', (['a', '(0)', '(0.0)'], {}), '(a, 0, 0.0)\n', (13299, 13310), True, 'import numpy as np\n'), ((13796, 13824), 'mayavi.mlab.view', 'mlab.view', (['*view'], {'figure': 'fig'}), '(*view, figure=fig)\n', (13805, 13824), False, 'from mayavi import mlab\n'), ((2167, 2187), 'numpy.log10', 'np.log10', (['(x + errpos)'], {}), '(x + errpos)\n', (2175, 2187), True, 'import numpy as np\n'), ((3136, 3147), 'numpy.log10', 'np.log10', (['x'], {}), '(x)\n', (3144, 3147), True, 'import numpy as np\n'), ((3149, 3160), 'numpy.log10', 'np.log10', (['y'], {}), '(y)\n', (3157, 3160), True, 'import numpy as np\n'), ((3452, 3470), 'numpy.insert', 'np.insert', (['d', '(0)', '(0)'], {}), '(d, 0, 0)\n', (3461, 3470), True, 'import numpy as np\n'), ((3628, 3649), 'numpy.interp', 'np.interp', (['xlbl', 'x', 'y'], {}), '(xlbl, x, y)\n', (3637, 3649), True, 'import numpy as np\n'), ((5024, 5038), 'numpy.log10', 'np.log10', (['xlim'], {}), '(xlim)\n', (5032, 5038), True, 'import numpy as np\n'), ((5083, 5097), 'numpy.log10', 'np.log10', (['ylim'], {}), '(ylim)\n', (5091, 5097), True, 'import numpy as np\n'), ((5620, 5631), 'numpy.log10', 'np.log10', (['l'], {}), '(l)\n', (5628, 5631), True, 'import numpy as np\n'), ((7719, 7747), 'numpy.allclose', 'np.allclose', (['dx', 'dx[0]', '(0.01)'], {}), '(dx, dx[0], 0.01)\n', (7730, 7747), True, 'import numpy as np\n'), ((7755, 7783), 'numpy.allclose', 'np.allclose', (['dy', 'dy[0]', '(0.01)'], {}), '(dy, dy[0], 0.01)\n', (7766, 7783), True, 'import numpy as np\n'), ((10847, 10861), 'numpy.isscalar', 'np.isscalar', (['v'], {}), '(v)\n', (10858, 10861), True, 'import numpy as np\n'), ((10826, 10843), 'numpy.array', 'np.array', (['([v] * n)'], {}), '([v] * n)\n', (10834, 10843), True, 'import numpy as np\n'), ((12617, 12643), 'numpy.sqrt', 'np.sqrt', (['(xc ** 2 + yc ** 2)'], {}), '(xc ** 2 + yc ** 2)\n', (12624, 12643), True, 'import numpy as np\n'), ((13207, 13218), 'numpy.cos', 'np.cos', (['dec'], {}), '(dec)\n', (13213, 13218), True, 'import numpy as np\n'), ((13233, 13242), 'numpy.cos', 'np.cos', (['t'], {}), '(t)\n', (13239, 13242), True, 'import numpy as np\n'), ((13246, 13255), 'numpy.sin', 'np.sin', (['t'], {}), '(t)\n', (13252, 13255), True, 'import numpy as np\n'), ((2769, 2785), 'numpy.nonzero', 'np.nonzero', (['gaps'], {}), '(gaps)\n', (2779, 2785), True, 'import numpy as np\n'), ((3517, 3539), 'numpy.interp', 'np.interp', (['xfrac', 'f', 'a'], {}), '(xfrac, f, a)\n', (3526, 3539), True, 'import numpy as np\n'), ((1794, 1808), 'numpy.abs', 'np.abs', (['errneg'], {}), '(errneg)\n', (1800, 1808), True, 'import numpy as np\n'), ((2085, 2099), 'numpy.abs', 'np.abs', (['errneg'], {}), '(errneg)\n', (2091, 2099), True, 'import numpy as np\n'), ((3404, 3414), 'numpy.diff', 'np.diff', (['x'], {}), '(x)\n', (3411, 3414), True, 'import numpy as np\n'), ((3420, 3430), 'numpy.diff', 'np.diff', (['y'], {}), '(y)\n', (3427, 3430), True, 'import numpy as np\n')] |
xiaoranppp/si664-final | marvel_world/views.py | f5545c04452fd674ddf1d078444e79ea58385e7e | from django.shortcuts import render,redirect
from django.http import HttpResponse,HttpResponseRedirect
from django.views import generic
from django.contrib.auth.decorators import login_required
from django.utils.decorators import method_decorator
from .models import Character,Comic,Power,CharacterPower,CharacterComic
from django_filters.views import FilterView
from .filters import Marvel_worldFilter,Marvel_comicFilter
from .forms import CharacterForm,PowerForm,ComicForm
from django.urls import reverse,reverse_lazy
def index(request):
return HttpResponse("Hello, world. You're at the marvel world super hero")
class AboutPageView(generic.TemplateView):
template_name = 'marvel_world/about.html'
class HomePageView(generic.TemplateView):
template_name = 'marvel_world/home.html'
@method_decorator(login_required, name='dispatch')
class CharacterListView(generic.ListView):
model = Character
context_object_name = 'characters'
template_name = 'marvel_world/characters.html'
paginate_by = 50
def get_queryset(self):
return Character.objects.all().select_related('alignment','eye_color','skin_color','hair_color','race','gender','publisher').order_by('character_name')
@method_decorator(login_required, name='dispatch')
class CharacterDetailView(generic.DetailView):
model = Character
context_object_name= 'character'
template_name = 'marvel_world/character_information.html'
@method_decorator(login_required, name='dispatch')
class ComicListView(generic.ListView):
model = Comic
context_object_name = 'comics'
template_name = 'marvel_world/comics.html'
paginate_by = 600
def get_queryset(self):
return Comic.objects.all().order_by('comic_name')
@method_decorator(login_required, name='dispatch')
class ComicDetailView(generic.DetailView):
model = Comic
context_object_name= 'comic'
template_name = 'marvel_world/comic_information.html'
@method_decorator(login_required, name='dispatch')
class PowerListView(generic.ListView):
model = Power
context_object_name = 'powers'
template_name = 'marvel_world/super_power.html'
paginate_by = 50
def get_queryset(self):
return Power.objects.all().order_by('power_name')
@method_decorator(login_required, name='dispatch')
class PowerDetailView(generic.DetailView):
model = Power
context_object_name= 'power'
template_name = 'marvel_world/super_power_information.html'
@method_decorator(login_required, name='dispatch')
class CharacterFilterView(FilterView):
filterset_class = Marvel_worldFilter
template_name = 'marvel_world/character_filter.html'
@method_decorator(login_required, name='dispatch')
class ComicFilterView(FilterView):
filterset_class = Marvel_comicFilter
template_name = 'marvel_world/comic_filter.html'
@method_decorator(login_required, name='dispatch')
class CharacterCreateView(generic.View):
model = Character
form_class = CharacterForm
success_message = "Character created successfully"
template_name = 'marvel_world/character_new.html'
# fields = '__all__' <-- superseded by form_class
# success_url = reverse_lazy('heritagesites/site_list')
def dispatch(self, *args, **kwargs):
return super().dispatch(*args, **kwargs)
def post(self, request):
form = CharacterForm(request.POST)
if form.is_valid():
character = form.save(commit=False)
character.save()
for power in form.cleaned_data['super_power']:
CharacterPower.objects.create(character=character, power=power)
for comic in form.cleaned_data['comics']:
CharacterComic.objects.create(character=character, comic=comic)
return redirect(character) # shortcut to object's get_absolute_url()
# return HttpResponseRedirect(site.get_absolute_url())
return render(request, 'marvel_world/character_new.html', {'form': form})
def get(self, request):
form = CharacterForm()
return render(request, 'marvel_world/character_new.html', {'form': form})
@method_decorator(login_required, name='dispatch')
class PowerCreateView(generic.View):
model = Power
form_class = PowerForm
success_message = "Super power created successfully"
template_name = 'marvel_world/power_new.html'
# fields = '__all__' <-- superseded by form_class
# success_url = reverse_lazy('heritagesites/site_list')
def dispatch(self, *args, **kwargs):
return super().dispatch(*args, **kwargs)
def post(self, request):
form = PowerForm(request.POST)
if form.is_valid():
power = form.save(commit=False)
power.save()
for character in form.cleaned_data['character']:
CharacterPower.objects.create(character=character, power=power)
return redirect(power) # shortcut to object's get_absolute_url()
# return HttpResponseRedirect(site.get_absolute_url())
return render(request, 'marvel_world/power_new.html', {'form': form})
def get(self, request):
form = PowerForm()
return render(request, 'marvel_world/power_new.html', {'form': form})
@method_decorator(login_required, name='dispatch')
class ComicCreateView(generic.View):
model = Comic
form_class = ComicForm
success_message = "Comic created successfully"
template_name = 'marvel_world/comic_new.html'
# fields = '__all__' <-- superseded by form_class
# success_url = reverse_lazy('heritagesites/site_list')
def dispatch(self, *args, **kwargs):
return super().dispatch(*args, **kwargs)
def post(self, request):
form = ComicForm(request.POST)
if form.is_valid():
comic = form.save(commit=False)
comic.save()
for character in form.cleaned_data['character']:
CharacterComic.objects.create(character=character, comic=comic)
return redirect(comic) # shortcut to object's get_absolute_url()
# return HttpResponseRedirect(site.get_absolute_url())
return render(request, 'marvel_world/comic_new.html', {'form': form})
def get(self, request):
form = ComicForm()
return render(request, 'marvel_world/comic_new.html', {'form': form})
#class CharacterDetailView(generic.DetailView):model = Characters context_object_name= 'character'template_name='marvel_world/character_information.html'
@method_decorator(login_required, name='dispatch')
class CharacterUpdateView(generic.UpdateView):
model = Character
form_class = CharacterForm
# fields = '__all__' <-- superseded by form_class
context_object_name = 'character'
# pk_url_kwarg = 'site_pk'
success_message = "Character updated successfully"
template_name = 'marvel_world/character_update.html'
def dispatch(self, *args, **kwargs):
return super().dispatch(*args, **kwargs)
def form_valid(self, form):
character = form.save(commit=False)
# site.updated_by = self.request.user
# site.date_updated = timezone.now()
character.save()
# Current country_area_id values linked to site
old_ids = CharacterPower.objects\
.values_list('power_id', flat=True)\
.filter(character_id=character.character_id)
# New countries list
new_powers = form.cleaned_data['super_power']
# TODO can these loops be refactored?
# New ids
new_ids = []
# Insert new unmatched country entries
for power in new_powers:
new_id = power.power_id
new_ids.append(new_id)
if new_id in old_ids:
continue
else:
CharacterPower.objects \
.create(character=character, power=power)
# Delete old unmatched country entries
for old_id in old_ids:
if old_id in new_ids:
continue
else:
CharacterPower.objects \
.filter(character_id=character.character_id, power_id=old_id) \
.delete()
old_ids1 = CharacterComic.objects\
.values_list('comic_id', flat=True)\
.filter(character_id=character.character_id)
# New countries list
new_comics = form.cleaned_data['comics']
# TODO can these loops be refactored?
# New ids
new_ids1 = []
# Insert new unmatched country entries
for comic in new_comics:
new_id1 = comic.comic_id
new_ids1.append(new_id1)
if new_id1 in old_ids1:
continue
else:
CharacterComic.objects \
.create(character=character, comic=comic)
# Delete old unmatched country entries
for old_id1 in old_ids1:
if old_id1 in new_ids1:
continue
else:
CharacterComic.objects \
.filter(character_id=character.character_id, comic_id=old_id1) \
.delete()
return HttpResponseRedirect(character.get_absolute_url())
@method_decorator(login_required, name='dispatch')
class PowerUpdateView(generic.UpdateView):
model = Power
form_class = PowerForm
# fields = '__all__' <-- superseded by form_class
context_object_name = 'power'
# pk_url_kwarg = 'site_pk'
success_message = "Super power updated successfully"
template_name = 'marvel_world/power_update.html'
def dispatch(self, *args, **kwargs):
return super().dispatch(*args, **kwargs)
def form_valid(self, form):
power = form.save(commit=False)
# site.updated_by = self.request.user
# site.date_updated = timezone.now()
power.save()
# Current country_area_id values linked to site
old_ids = CharacterPower.objects\
.values_list('character_id', flat=True)\
.filter(power_id=power.power_id)
# New countries list
new_chs = form.cleaned_data['character']
# TODO can these loops be refactored?
# New ids
new_ids = []
# Insert new unmatched country entries
for character in new_chs:
new_id = character.character_id
new_ids.append(new_id)
if new_id in old_ids:
continue
else:
CharacterPower.objects \
.create(character=character, power=power)
# Delete old unmatched country entries
for old_id in old_ids:
if old_id in new_ids:
continue
else:
CharacterPower.objects \
.filter(character_id=old_id, power_id=power.power_id) \
.delete()
return HttpResponseRedirect(power.get_absolute_url())
# return redirect('heritagesites/site_detail', pk=site.pk)
@method_decorator(login_required, name='dispatch')
class ComicUpdateView(generic.UpdateView):
model = Comic
form_class = ComicForm
# fields = '__all__' <-- superseded by form_class
context_object_name = 'comic'
# pk_url_kwarg = 'site_pk'
success_message = "Comic updated successfully"
template_name = 'marvel_world/comic_update.html'
def dispatch(self, *args, **kwargs):
return super().dispatch(*args, **kwargs)
def form_valid(self, form):
comic = form.save(commit=False)
# site.updated_by = self.request.user
# site.date_updated = timezone.now()
comic.save()
# Current country_area_id values linked to site
old_ids = CharacterComic.objects\
.values_list('character_id', flat=True)\
.filter(comic_id=comic.comic_id)
# New countries list
new_chs = form.cleaned_data['character']
# TODO can these loops be refactored?
# New ids
new_ids = []
# Insert new unmatched country entries
for character in new_chs:
new_id = character.character_id
new_ids.append(new_id)
if new_id in old_ids:
continue
else:
CharacterComic.objects \
.create(character=character, comic=comic)
# Delete old unmatched country entries
for old_id in old_ids:
if old_id in new_ids:
continue
else:
CharacterComic.objects \
.filter(character_id=old_id, comic_id=comic.comic_id) \
.delete()
return HttpResponseRedirect(comic.get_absolute_url())
@method_decorator(login_required, name='dispatch')
class CharacterDeleteView(generic.DeleteView):
model =Character
success_message = "Character deleted successfully"
success_url = reverse_lazy('characters')
context_object_name = 'character'
template_name = 'marvel_world/character_delete.html'
def dispatch(self, *args, **kwargs):
return super().dispatch(*args, **kwargs)
def delete(self, request, *args, **kwargs):
self.object = self.get_object()
# Delete HeritageSiteJurisdiction entries
CharacterPower.objects \
.filter(character_id=self.object.character_id) \
.delete()
CharacterComic.objects \
.filter(character_id=self.object.character_id) \
.delete()
self.object.delete()
return HttpResponseRedirect(self.get_success_url())
@method_decorator(login_required, name='dispatch')
class PowerDeleteView(generic.DeleteView):
model =Power
success_message = "Super power deleted successfully"
success_url = reverse_lazy('super_power')
context_object_name = 'power'
template_name = 'marvel_world/power_delete.html'
def dispatch(self, *args, **kwargs):
return super().dispatch(*args, **kwargs)
def delete(self, request, *args, **kwargs):
self.object = self.get_object()
# Delete HeritageSiteJurisdiction entries
CharacterPower.objects \
.filter(power_id=self.object.power_id) \
.delete()
self.object.delete()
return HttpResponseRedirect(self.get_success_url())
@method_decorator(login_required, name='dispatch')
class ComicDeleteView(generic.DeleteView):
model =Comic
success_message = "Comic deleted successfully"
success_url = reverse_lazy('comics')
context_object_name = 'comic'
template_name = 'marvel_world/comic_delete.html'
def dispatch(self, *args, **kwargs):
return super().dispatch(*args, **kwargs)
def delete(self, request, *args, **kwargs):
self.object = self.get_object()
# Delete HeritageSiteJurisdiction entries
CharacterComic.objects \
.filter(comic_id=self.object.comic_id) \
.delete()
self.object.delete()
return HttpResponseRedirect(self.get_success_url()) | [((792, 841), 'django.utils.decorators.method_decorator', 'method_decorator', (['login_required'], {'name': '"""dispatch"""'}), "(login_required, name='dispatch')\n", (808, 841), False, 'from django.utils.decorators import method_decorator\n'), ((1187, 1236), 'django.utils.decorators.method_decorator', 'method_decorator', (['login_required'], {'name': '"""dispatch"""'}), "(login_required, name='dispatch')\n", (1203, 1236), False, 'from django.utils.decorators import method_decorator\n'), ((1407, 1456), 'django.utils.decorators.method_decorator', 'method_decorator', (['login_required'], {'name': '"""dispatch"""'}), "(login_required, name='dispatch')\n", (1423, 1456), False, 'from django.utils.decorators import method_decorator\n'), ((1685, 1734), 'django.utils.decorators.method_decorator', 'method_decorator', (['login_required'], {'name': '"""dispatch"""'}), "(login_required, name='dispatch')\n", (1701, 1734), False, 'from django.utils.decorators import method_decorator\n'), ((1889, 1938), 'django.utils.decorators.method_decorator', 'method_decorator', (['login_required'], {'name': '"""dispatch"""'}), "(login_required, name='dispatch')\n", (1905, 1938), False, 'from django.utils.decorators import method_decorator\n'), ((2171, 2220), 'django.utils.decorators.method_decorator', 'method_decorator', (['login_required'], {'name': '"""dispatch"""'}), "(login_required, name='dispatch')\n", (2187, 2220), False, 'from django.utils.decorators import method_decorator\n'), ((2381, 2430), 'django.utils.decorators.method_decorator', 'method_decorator', (['login_required'], {'name': '"""dispatch"""'}), "(login_required, name='dispatch')\n", (2397, 2430), False, 'from django.utils.decorators import method_decorator\n'), ((2563, 2612), 'django.utils.decorators.method_decorator', 'method_decorator', (['login_required'], {'name': '"""dispatch"""'}), "(login_required, name='dispatch')\n", (2579, 2612), False, 'from django.utils.decorators import method_decorator\n'), ((2737, 2786), 'django.utils.decorators.method_decorator', 'method_decorator', (['login_required'], {'name': '"""dispatch"""'}), "(login_required, name='dispatch')\n", (2753, 2786), False, 'from django.utils.decorators import method_decorator\n'), ((3878, 3927), 'django.utils.decorators.method_decorator', 'method_decorator', (['login_required'], {'name': '"""dispatch"""'}), "(login_required, name='dispatch')\n", (3894, 3927), False, 'from django.utils.decorators import method_decorator\n'), ((4866, 4915), 'django.utils.decorators.method_decorator', 'method_decorator', (['login_required'], {'name': '"""dispatch"""'}), "(login_required, name='dispatch')\n", (4882, 4915), False, 'from django.utils.decorators import method_decorator\n'), ((6004, 6053), 'django.utils.decorators.method_decorator', 'method_decorator', (['login_required'], {'name': '"""dispatch"""'}), "(login_required, name='dispatch')\n", (6020, 6053), False, 'from django.utils.decorators import method_decorator\n'), ((8212, 8261), 'django.utils.decorators.method_decorator', 'method_decorator', (['login_required'], {'name': '"""dispatch"""'}), "(login_required, name='dispatch')\n", (8228, 8261), False, 'from django.utils.decorators import method_decorator\n'), ((9698, 9747), 'django.utils.decorators.method_decorator', 'method_decorator', (['login_required'], {'name': '"""dispatch"""'}), "(login_required, name='dispatch')\n", (9714, 9747), False, 'from django.utils.decorators import method_decorator\n'), ((11117, 11166), 'django.utils.decorators.method_decorator', 'method_decorator', (['login_required'], {'name': '"""dispatch"""'}), "(login_required, name='dispatch')\n", (11133, 11166), False, 'from django.utils.decorators import method_decorator\n'), ((11886, 11935), 'django.utils.decorators.method_decorator', 'method_decorator', (['login_required'], {'name': '"""dispatch"""'}), "(login_required, name='dispatch')\n", (11902, 11935), False, 'from django.utils.decorators import method_decorator\n'), ((12542, 12591), 'django.utils.decorators.method_decorator', 'method_decorator', (['login_required'], {'name': '"""dispatch"""'}), "(login_required, name='dispatch')\n", (12558, 12591), False, 'from django.utils.decorators import method_decorator\n'), ((548, 615), 'django.http.HttpResponse', 'HttpResponse', (['"""Hello, world. You\'re at the marvel world super hero"""'], {}), '("Hello, world. You\'re at the marvel world super hero")\n', (560, 615), False, 'from django.http import HttpResponse, HttpResponseRedirect\n'), ((11299, 11325), 'django.urls.reverse_lazy', 'reverse_lazy', (['"""characters"""'], {}), "('characters')\n", (11311, 11325), False, 'from django.urls import reverse, reverse_lazy\n'), ((12062, 12089), 'django.urls.reverse_lazy', 'reverse_lazy', (['"""super_power"""'], {}), "('super_power')\n", (12074, 12089), False, 'from django.urls import reverse, reverse_lazy\n'), ((12712, 12734), 'django.urls.reverse_lazy', 'reverse_lazy', (['"""comics"""'], {}), "('comics')\n", (12724, 12734), False, 'from django.urls import reverse, reverse_lazy\n'), ((3683, 3749), 'django.shortcuts.render', 'render', (['request', '"""marvel_world/character_new.html"""', "{'form': form}"], {}), "(request, 'marvel_world/character_new.html', {'form': form})\n", (3689, 3749), False, 'from django.shortcuts import render, redirect\n'), ((3810, 3876), 'django.shortcuts.render', 'render', (['request', '"""marvel_world/character_new.html"""', "{'form': form}"], {}), "(request, 'marvel_world/character_new.html', {'form': form})\n", (3816, 3876), False, 'from django.shortcuts import render, redirect\n'), ((4683, 4745), 'django.shortcuts.render', 'render', (['request', '"""marvel_world/power_new.html"""', "{'form': form}"], {}), "(request, 'marvel_world/power_new.html', {'form': form})\n", (4689, 4745), False, 'from django.shortcuts import render, redirect\n'), ((4802, 4864), 'django.shortcuts.render', 'render', (['request', '"""marvel_world/power_new.html"""', "{'form': form}"], {}), "(request, 'marvel_world/power_new.html', {'form': form})\n", (4808, 4864), False, 'from django.shortcuts import render, redirect\n'), ((5665, 5727), 'django.shortcuts.render', 'render', (['request', '"""marvel_world/comic_new.html"""', "{'form': form}"], {}), "(request, 'marvel_world/comic_new.html', {'form': form})\n", (5671, 5727), False, 'from django.shortcuts import render, redirect\n'), ((5784, 5846), 'django.shortcuts.render', 'render', (['request', '"""marvel_world/comic_new.html"""', "{'form': form}"], {}), "(request, 'marvel_world/comic_new.html', {'form': form})\n", (5790, 5846), False, 'from django.shortcuts import render, redirect\n'), ((3554, 3573), 'django.shortcuts.redirect', 'redirect', (['character'], {}), '(character)\n', (3562, 3573), False, 'from django.shortcuts import render, redirect\n'), ((4558, 4573), 'django.shortcuts.redirect', 'redirect', (['power'], {}), '(power)\n', (4566, 4573), False, 'from django.shortcuts import render, redirect\n'), ((5540, 5555), 'django.shortcuts.redirect', 'redirect', (['comic'], {}), '(comic)\n', (5548, 5555), False, 'from django.shortcuts import render, redirect\n')] |
au-chrismor/selfdrive | src/rpi/fwd.py | 31325dd7a173bbb16a13e3de4c9598aab0a50632 | """Set-up and execute the main loop"""
import RPi.GPIO as GPIO
import time
GPIO.setmode(GPIO.BCM)
GPIO.setwarnings(False)
#Right motor input A
GPIO.setup(18,GPIO.OUT)
#Right motor input B
GPIO.setup(23,GPIO.OUT)
GPIO.output(18,GPIO.HIGH)
GPIO.output(23,GPIO.LOW)
| [((76, 98), 'RPi.GPIO.setmode', 'GPIO.setmode', (['GPIO.BCM'], {}), '(GPIO.BCM)\n', (88, 98), True, 'import RPi.GPIO as GPIO\n'), ((99, 122), 'RPi.GPIO.setwarnings', 'GPIO.setwarnings', (['(False)'], {}), '(False)\n', (115, 122), True, 'import RPi.GPIO as GPIO\n'), ((145, 169), 'RPi.GPIO.setup', 'GPIO.setup', (['(18)', 'GPIO.OUT'], {}), '(18, GPIO.OUT)\n', (155, 169), True, 'import RPi.GPIO as GPIO\n'), ((190, 214), 'RPi.GPIO.setup', 'GPIO.setup', (['(23)', 'GPIO.OUT'], {}), '(23, GPIO.OUT)\n', (200, 214), True, 'import RPi.GPIO as GPIO\n'), ((215, 241), 'RPi.GPIO.output', 'GPIO.output', (['(18)', 'GPIO.HIGH'], {}), '(18, GPIO.HIGH)\n', (226, 241), True, 'import RPi.GPIO as GPIO\n'), ((241, 266), 'RPi.GPIO.output', 'GPIO.output', (['(23)', 'GPIO.LOW'], {}), '(23, GPIO.LOW)\n', (252, 266), True, 'import RPi.GPIO as GPIO\n')] |
Abel-Huang/simple-image-classifier | util/get_from_db.py | 89d2822c2b06cdec728f734d43d9638f4b601348 | import pymysql
# 连接配置信息
config = {
'host': '127.0.0.1',
'port': 3306,
'user': 'root',
'password': '',
'db': 'classdata',
'charset': 'utf8',
'cursorclass': pymysql.cursors.DictCursor,
}
def get_summary_db(unitag):
# 创建连接
conn = pymysql.connect(**config)
cur = conn.cursor()
# 执行sql语句
try:
# 执行sql语句,进行查询
sql = 'SELECT * FROM summary where unitag= %s'
cur.execute(sql,unitag)
# 获取查询结果
result = cur.fetchall()
return result
finally:
cur.close()
conn.close()
def get_result_db(unitag):
# 创建连接
conn = pymysql.connect(**config)
cur = conn.cursor()
# 执行sql语句
try:
# 执行sql语句,进行查询
sql = 'SELECT * FROM result where unitag= %s'
cur.execute(sql,unitag)
# 获取查询结果
result = cur.fetchall()
return result
finally:
cur.close()
conn.close()
| [((266, 291), 'pymysql.connect', 'pymysql.connect', ([], {}), '(**config)\n', (281, 291), False, 'import pymysql\n'), ((624, 649), 'pymysql.connect', 'pymysql.connect', ([], {}), '(**config)\n', (639, 649), False, 'import pymysql\n')] |
RajapandiR/django-register | registerapp/api.py | cf20829fe3515bdd3112a88a890d83d852f09bde | from rest_framework import viewsets
from rest_framework.views import APIView
from registerapp import serializers
from registerapp import models
class RegisterViewSet(viewsets.ModelViewSet):
serializer_class = serializers.RegisterSerializer
queryset = models.RegisterPage.objects.all()
| [((255, 288), 'registerapp.models.RegisterPage.objects.all', 'models.RegisterPage.objects.all', ([], {}), '()\n', (286, 288), False, 'from registerapp import models\n')] |
luutp/jduck | jduck/robot.py | 3c60a79c926bb9452777cddbebe28982273068a6 | #!/usr/bin/env python
# -*- coding: utf-8 -*-
"""
jduck.py
Description:
Author: luutp
Contact: [email protected]
Created on: 2021/02/27
"""
# Utilities
# %%
# ================================IMPORT PACKAGES====================================
# Utilities
from traitlets.config.configurable import SingletonConfigurable
# Custom Packages
from jduck.DCMotor import DCMotor
# ================================================================================
class JDuck(SingletonConfigurable):
def __init__(self, *args, **kwargs):
self.left_motor = DCMotor(32, 36, 38, alpha=1.0)
self.right_motor = DCMotor(33, 35, 37, alpha=1.0)
self.left_motor.set_speed(50)
self.right_motor.set_speed(50)
def set_speeds(self, left_speed, right_speed):
self.left_motor.set_speed(left_speed)
self.right_motor.set_speed(right_speed)
def move_forward(self):
self.left_motor.rotate_forward()
self.right_motor.rotate_forward()
def move_backward(self):
self.left_motor.rotate_backward()
self.right_motor.rotate_backward()
def turn_left(self):
self.left_motor.rotate_backward()
self.right_motor.rotate_forward()
def turn_right(self):
self.left_motor.rotate_forward()
self.right_motor.rotate_backward()
def stop(self):
self.left_motor.stop()
self.right_motor.stop()
| [((568, 598), 'jduck.DCMotor.DCMotor', 'DCMotor', (['(32)', '(36)', '(38)'], {'alpha': '(1.0)'}), '(32, 36, 38, alpha=1.0)\n', (575, 598), False, 'from jduck.DCMotor import DCMotor\n'), ((626, 656), 'jduck.DCMotor.DCMotor', 'DCMotor', (['(33)', '(35)', '(37)'], {'alpha': '(1.0)'}), '(33, 35, 37, alpha=1.0)\n', (633, 656), False, 'from jduck.DCMotor import DCMotor\n')] |
olirice/nebulo | src/nebulo/gql/alias.py | de9b043fe66d0cb872c5c0f2aca3c5c6f20918a7 | # pylint: disable=missing-class-docstring,invalid-name
import typing
from graphql.language import (
InputObjectTypeDefinitionNode,
InputObjectTypeExtensionNode,
ObjectTypeDefinitionNode,
ObjectTypeExtensionNode,
)
from graphql.type import (
GraphQLArgument,
GraphQLBoolean,
GraphQLEnumType,
GraphQLEnumValue,
GraphQLField,
GraphQLFieldMap,
GraphQLFloat,
GraphQLID,
GraphQLInputFieldMap,
GraphQLInputObjectType,
GraphQLInt,
GraphQLInterfaceType,
GraphQLIsTypeOfFn,
GraphQLList,
GraphQLNonNull,
GraphQLObjectType,
GraphQLResolveInfo,
GraphQLScalarType,
GraphQLSchema,
GraphQLString,
GraphQLType,
Thunk,
)
from graphql.type.definition import GraphQLInputFieldOutType
from nebulo.sql.composite import CompositeType as SQLACompositeType
# Handle name changes from graphql-core and graphql-core-next
try:
from graphql.type import GraphQLInputObjectField as GraphQLInputField
except ImportError:
from graphql.type import GraphQLInputField
Type = GraphQLType
List = GraphQLList
NonNull = GraphQLNonNull
Argument = GraphQLArgument
Boolean = GraphQLBoolean
String = GraphQLString
ScalarType = GraphQLScalarType
ID = GraphQLID
InterfaceType = GraphQLInterfaceType
Int = GraphQLInt
InputField = GraphQLInputField
ResolveInfo = GraphQLResolveInfo
EnumType = GraphQLEnumType
EnumValue = GraphQLEnumValue
Schema = GraphQLSchema
Field = GraphQLField
Float = GraphQLFloat
EnumType = GraphQLEnumType
class HasSQLAModel: # pylint: disable= too-few-public-methods
sqla_table = None
class HasSQLFunction: # pylint: disable= too-few-public-methods
sql_function = None
class HasSQLAComposite: # pylint: disable= too-few-public-methods
sqla_composite: SQLACompositeType
class ObjectType(GraphQLObjectType, HasSQLAModel):
def __init__(
self,
name: str,
fields: Thunk[GraphQLFieldMap],
interfaces: typing.Optional[Thunk[typing.Collection["GraphQLInterfaceType"]]] = None,
is_type_of: typing.Optional[GraphQLIsTypeOfFn] = None,
extensions: typing.Optional[typing.Dict[str, typing.Any]] = None,
description: typing.Optional[str] = None,
ast_node: typing.Optional[ObjectTypeDefinitionNode] = None,
extension_ast_nodes: typing.Optional[typing.Collection[ObjectTypeExtensionNode]] = None,
sqla_model=None,
) -> None:
super().__init__(
name=name,
fields=fields,
interfaces=interfaces,
is_type_of=is_type_of,
extensions=extensions,
description=description,
ast_node=ast_node,
extension_ast_nodes=extension_ast_nodes,
)
self.sqla_model = sqla_model
class ConnectionType(ObjectType):
pass
class EdgeType(ObjectType):
pass
class TableType(ObjectType):
pass
class CompositeType(ObjectType, HasSQLAComposite):
pass
class MutationPayloadType(ObjectType):
pass
class CreatePayloadType(MutationPayloadType):
pass
class UpdatePayloadType(MutationPayloadType):
pass
class DeletePayloadType(MutationPayloadType):
pass
class FunctionPayloadType(MutationPayloadType, HasSQLFunction):
pass
class InputObjectType(GraphQLInputObjectType, HasSQLAModel):
def __init__(
self,
name: str,
fields: Thunk[GraphQLInputFieldMap],
description: typing.Optional[str] = None,
out_type: typing.Optional[GraphQLInputFieldOutType] = None,
extensions: typing.Optional[typing.Dict[str, typing.Any]] = None,
ast_node: typing.Optional[InputObjectTypeDefinitionNode] = None,
extension_ast_nodes: typing.Optional[typing.Collection[InputObjectTypeExtensionNode]] = None,
sqla_model=None,
) -> None:
super().__init__(
name=name,
fields=fields,
description=description,
out_type=out_type,
extensions=extensions,
ast_node=ast_node,
extension_ast_nodes=extension_ast_nodes,
)
self.sqla_model = sqla_model
class CreateInputType(InputObjectType):
pass
class TableInputType(InputObjectType):
pass
class UpdateInputType(InputObjectType):
pass
class DeleteInputType(InputObjectType):
pass
class FunctionInputType(GraphQLInputObjectType):
def __init__(
self,
name: str,
fields: Thunk[GraphQLInputFieldMap],
description: typing.Optional[str] = None,
out_type: typing.Optional[GraphQLInputFieldOutType] = None,
extensions: typing.Optional[typing.Dict[str, typing.Any]] = None,
ast_node: typing.Optional[InputObjectTypeDefinitionNode] = None,
extension_ast_nodes: typing.Optional[typing.Collection[InputObjectTypeExtensionNode]] = None,
sql_function=None,
) -> None:
super().__init__(
name=name,
fields=fields,
description=description,
out_type=out_type,
extensions=extensions,
ast_node=ast_node,
extension_ast_nodes=extension_ast_nodes,
)
self.sql_function = sql_function
| [] |
rise-lang/iree | integrations/tensorflow/bindings/python/pyiree/tf/compiler/saved_model_test.py | 46ad3fe392d38ce3df6eff7826cc1ab331a40b72 | # Copyright 2019 Google LLC
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# https://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import importlib
import os
import sys
import tempfile
from pyiree.tf import compiler
# Dynamically import tensorflow.
try:
# Use a dynamic import so as to avoid hermetic dependency analysis
# (i.e. we only want the tensorflow from the environment).
tf = importlib.import_module("tensorflow")
# Just in case if linked against a pre-V2 defaulted version.
if hasattr(tf, "enable_v2_behavior"):
tf.enable_v2_behavior()
tf = tf.compat.v2
except ImportError:
print("Not running tests because tensorflow is not available")
sys.exit(0)
class StatelessModule(tf.Module):
def __init__(self):
pass
@tf.function(input_signature=[
tf.TensorSpec([4], tf.float32),
tf.TensorSpec([4], tf.float32)
])
def add(self, a, b):
return tf.tanh(a + b)
class RuntimeTest(tf.test.TestCase):
def testLoadSavedModelToXlaPipeline(self):
"""Tests that a basic saved model to XLA workflow grossly functions.
This is largely here to verify that everything is linked in that needs to be
and that there are not no-ops, etc.
"""
with tempfile.TemporaryDirectory() as temp_dir:
sm_dir = os.path.join(temp_dir, "simple.sm")
print("Saving to:", sm_dir)
my_module = StatelessModule()
options = tf.saved_model.SaveOptions(save_debug_info=True)
tf.saved_model.save(my_module, sm_dir, options=options)
# Load it up.
input_module = compiler.tf_load_saved_model(sm_dir)
xla_asm = input_module.to_asm()
print("XLA ASM:", xla_asm)
self.assertRegex(xla_asm, "mhlo.tanh")
if __name__ == "__main__":
tf.test.main()
| [((949, 986), 'importlib.import_module', 'importlib.import_module', (['"""tensorflow"""'], {}), "('tensorflow')\n", (972, 986), False, 'import importlib\n'), ((1225, 1236), 'sys.exit', 'sys.exit', (['(0)'], {}), '(0)\n', (1233, 1236), False, 'import sys\n'), ((1765, 1794), 'tempfile.TemporaryDirectory', 'tempfile.TemporaryDirectory', ([], {}), '()\n', (1792, 1794), False, 'import tempfile\n'), ((1823, 1858), 'os.path.join', 'os.path.join', (['temp_dir', '"""simple.sm"""'], {}), "(temp_dir, 'simple.sm')\n", (1835, 1858), False, 'import os\n'), ((2098, 2134), 'pyiree.tf.compiler.tf_load_saved_model', 'compiler.tf_load_saved_model', (['sm_dir'], {}), '(sm_dir)\n', (2126, 2134), False, 'from pyiree.tf import compiler\n')] |
taco-chainalysis/pypulsedive | api/models/indicator/child_objects/properties.py | e89a2651e1ef41a1a51ddbeabc1f914a0d4e467d | from .grandchild_objects import Cookies
from .grandchild_objects import Dns
from .grandchild_objects import Dom
from .grandchild_objects import Geo
#from .grandchild_objects import Http
#from .grandchild_objects import Meta
from .grandchild_objects import Ssl
#from .grandchild_objects import WhoIs
class Properties(object):
FIELD_MAP = {
"cookies": "cookies",
"dns": "dns",
"dom": "dom",
"geo": "geo",
"http": "http",
"meta": "meta",
"ssl": "ssl",
"whois": "whois"
}
def __init__(self):
self.cookies = ""
self.dns = ""
self.dom = ""
self.geo = ""
self.http = ""
self.meta = ""
self.ssl = ""
self.whois = ""
@staticmethod
def from_dictionary(properties_dict: dict):
properties = Properties()
field_map = getattr(properties.__class__, "FIELD_MAP")
for key_name in field_map:
if key_name in properties_dict:
setattr(properties, field_map[key_name], properties_dict[key_name])
properties.cookies = Cookies.from_dictionary(properties.cookies)
properties.dns = Dns.from_dictionary(properties.dns)
properties.dom = Dom.from_dictionary(properties.dom)
properties.geo = Geo.from_dictionary(properties.geo)
#properties.http = Http.from_dictionary(properties.http)
#properties.meta = Meta.from_dictionary(properties.meta)
properties.ssl = Ssl.from_dictionary(properties.ssl)
#properties.whois = WhoIs.from_dictionary(properties.whois)
return properties | [] |
scottdaniel/iRep | iRep/gc_skew.py | 5d31688eeeab057ce54f39698e3f9cc5738e05ad | #!/usr/bin/env python3
"""
script for calculating gc skew
Chris Brown
[email protected]
"""
# python modules
import os
import sys
import argparse
import numpy as np
from scipy import signal
from itertools import cycle, product
# plotting modules
from matplotlib import use as mplUse
mplUse('Agg')
import matplotlib.pyplot as plt
from matplotlib.backends.backend_pdf import PdfPages
plt.rcParams['pdf.fonttype'] = 42
from matplotlib import rc
rc('font',**{'family':'sans-serif','sans-serif':['Helvetica']})
# ctb
from ctbBio.fasta import iterate_fasta as parse_fasta
def plot_two(title, subtitle, A, B, labels, legend, vert = False):
"""
plot with differnt y axes
title = title for chart
A = data for left axis [[x], [y]]
B = data for right axis
lables = [left label, right label, x label]
legend = [[left legend], [right legend]]
"""
fig, ax1 = plt.subplots()
colors = ['0.75', 'b', 'r', 'c', 'y', 'm', 'k', 'g']
a_colors = cycle(colors)
b_colors = cycle(colors[::-1])
a_label = cycle(legend[0])
b_label = cycle(legend[1])
# plot left axis and x - axis
for a in A:
x, y = a
ax1.set_ylabel(labels[0], labelpad = 3)
ax1.set_xlabel(labels[-1])
ax1.plot(x, y, c = next(a_colors), marker = 'o', ms = 4, label = next(a_label))
# add vertical lines
if vert is not False:
for i in vert:
x, c = i
ax1.axvline(x = x, c = c, label = next(a_label), linewidth = 2)
# plot right axis
ax2 = ax1.twinx()
for b in B:
x, y = b
ax2.set_ylabel(labels[1], labelpad = 8)
ax2.plot(x, y, c = next(b_colors), linewidth = 2, label = next(b_label))
xmin = min([min(i[1]) for i in A] + [min(i[0]) for i in B])
xmax = max([max(i[0]) for i in A] + [max(i[0]) for i in B])
ax2.set_xlim(xmin, xmax)
# title
plt.suptitle(title, fontsize = 16)
plt.title(subtitle, fontsize = 10)
# legend
ax1.legend(loc = 'upper left', \
bbox_to_anchor=(0.55, -0.125), \
prop = {'size':8}, \
framealpha = 0.0
)
plt.legend(loc = 'upper right', \
bbox_to_anchor=(0.45, -0.125), \
prop = {'size':8}, \
framealpha = 0.0\
)
# save
pdf = PdfPages('%s.pdf' % title.replace(' ', '_'))
pdf.savefig(bbox_inches = 'tight')
plt.close()
pdf.close()
def check_peaks(peaks, length):
"""
select pair of min and max that are not too close or
too far apart and have greatest y distance between one another
"""
# if ori/ter peaks are too close or too far apart, they are probably wrong
closest, farthest = int(length * float(0.45)), int(length * float(0.55))
pairs = []
for pair in list(product(*peaks)):
### added this to make sure gets origin and ter right
tr, pk = sorted(list(pair), key = lambda x: x[1], reverse = False) # trough and peak
a = (tr[0] - pk[0]) % length
b = (pk[0] - tr[0]) % length
pt = abs(tr[1] - pk[1]) # distance between values
if (a <= farthest and a >= closest) or (b <=farthest and b >= closest):
pairs.append([pt, tr, pk])
if len(pairs) == 0:
return [False, False]
pt, tr, pk = sorted(pairs, reverse = True)[0]
return [tr[0], pk[0]]
def find_ori_ter(c_skew, length):
"""
find origin and terminus of replication based on
cumulative GC Skew
"""
# find origin and terminus of replication based on
# cumulative gc skew min and max peaks
c_skew_min = signal.argrelextrema(np.asarray(c_skew[1]), np.less, order = 1)[0].tolist()
c_skew_max = signal.argrelextrema(np.asarray(c_skew[1]), np.greater, order = 1)[0].tolist()
# return False if no peaks were detected
if len(c_skew_min) == 0 or len(c_skew_min) == 0:
return [False, False]
else:
c_skew_min = [[c_skew[0][i], c_skew[1][i]] for i in c_skew_min]
c_skew_max = [[c_skew[0][i], c_skew[1][i]] for i in c_skew_max]
ori, ter = check_peaks([c_skew_min, c_skew_max], length)
return ori, ter
def gc_skew(name, length, seq, window, slide, plot_skew):
"""
calculate gc skew and cumulative sum of gc skew over sequence windows
gc skew = ((G - C) / (G + C)) * window size * genome length
"""
# convert to G - C
replacements = {'G':1, 'C':-1, 'A':0, 'T':0, 'N':0}
gmc = [] # G - C
for base in seq:
try:
gmc.append(replacements[base])
except:
gmc.append(0)
# convert to G + C
gpc = [abs(i) for i in gmc] # G + C
# calculate sliding windows for (G - C) and (G + C)
weights = np.ones(window)/window
gmc = [[i, c] for i, c in enumerate(signal.fftconvolve(gmc, weights, 'same').tolist())]
gpc = [[i, c] for i, c in enumerate(signal.fftconvolve(gpc, weights, 'same').tolist())]
# calculate gc skew and cummulative gc skew sum
skew = [[], []] # x and y for gc skew
c_skew = [[], []] # x and y for gc skew cummulative sums
cs = 0 # cummulative sum
# select windows to use based on slide
for i, m in gmc[0::slide]:
p = gpc[i][1]
if p == 0:
gcs = 0
else:
gcs = m/p
cs += gcs
skew[0].append(i)
c_skew[0].append(i)
skew[1].append(gcs)
c_skew[1].append(cs)
ori, ter = find_ori_ter(c_skew, length)
# plot data
if plot_skew is True:
title = '%s GC Skew' % (name)
subtitle = '(window = %s, slide = %s)' % (window, slide)
labels = ['GC Skew', 'Cumulative GC Skew', 'Position on Genome (bp)']
# remove some points for plotting (approx. 1,000 datapoints)
N = int(len(skew[0])/1000)
if N != 0:
skew = [skew[0][0::N], skew[1][0::N]]
if ori is False:
plot_two(title, subtitle, [skew], [c_skew], labels, \
[[labels[0]], [labels[1]]])
else:
plot_two(title, subtitle, [skew], [c_skew], labels, \
[[labels[0], 'Ori:%s' % ('{:,}'.format(ori)), \
'Ter:%s' % ('{:,}'.format(ter))], [labels[1]]], \
vert = [(ori, 'r'), (ter, 'b')])
return ori, ter, skew, c_skew
def parse_genomes(fastas, single):
"""
generator for parsing fastas
if single is True, combine sequences in multifasta file
"""
if single is True:
for genome in fastas:
sequence = []
for seq in parse_fasta(genome):
sequence.extend(list(seq[1].upper()))
yield (genome.name.rsplit('.', 1)[0], len(sequence), sequence)
else:
for genome in fastas:
for seq in parse_fasta(genome):
ID = seq[0].split('>', 1)[1].split()[0]
yield (ID, len(seq[1]), list(seq[1].upper()))
def open_files(files):
"""
open files in list, use stdin if first
item in list is '-'
"""
if files is None:
return files
if files[0] == '-':
return (sys.stdin)
return (open(i) for i in files)
if __name__ == '__main__':
parser = argparse.ArgumentParser(description = \
'# calculate gc skew and find Ori and Ter of replication')
parser.add_argument(\
'-f', nargs = '*', action = 'store', required = True, \
help = 'fasta(s)')
parser.add_argument(\
'-l', default = False, type = int, \
help = 'minimum contig length (default = 10 x window)')
parser.add_argument(\
'-w', default = 1000, type = int, \
help = 'window length (default = 1000)')
parser.add_argument(\
'-s', default = 10, type = int, \
help = 'slide length (default = 10)')
parser.add_argument(\
'--single', action = 'store_true', \
help = 'combine multi-fasta sequences into single genome')
parser.add_argument(\
'--no-plot', action = 'store_false', \
help = 'do not generate plots, print GC Skew to stdout')
args = vars(parser.parse_args())
fastas = open_files(args['f'])
single, plot_skew = args['single'], args['no_plot']
window, slide = args['w'], args['s']
min_len = args['l']
if min_len is False:
min_len = 10 * window
for name, length, seq in parse_genomes(fastas, single):
if length < min_len:
print('%s: Too Short' % (name), file=sys.stderr)
continue
ori, ter, skew, c_skew = gc_skew(name, length, seq, window, slide, plot_skew)
if ori == False:
ori, ter = 'n/a', 'n/a'
else:
ori, ter = '{:,}'.format(ori), '{:,}'.format(ter)
print('%s -> Origin: %s Terminus: %s' \
% (name, ori, ter), file=sys.stderr)
if plot_skew is False:
print('\t'.join(['# Name', 'Position', 'GC Skew', 'Cumulative GC Skew']))
for i, pos in enumerate(skew[0]):
out = [name, pos, skew[1][i], c_skew[1][i]]
print('\t'.join([str(i) for i in out]))
| [((286, 299), 'matplotlib.use', 'mplUse', (['"""Agg"""'], {}), "('Agg')\n", (292, 299), True, 'from matplotlib import use as mplUse\n'), ((445, 512), 'matplotlib.rc', 'rc', (['"""font"""'], {}), "('font', **{'family': 'sans-serif', 'sans-serif': ['Helvetica']})\n", (447, 512), False, 'from matplotlib import rc\n'), ((886, 900), 'matplotlib.pyplot.subplots', 'plt.subplots', ([], {}), '()\n', (898, 900), True, 'import matplotlib.pyplot as plt\n'), ((973, 986), 'itertools.cycle', 'cycle', (['colors'], {}), '(colors)\n', (978, 986), False, 'from itertools import cycle, product\n'), ((1002, 1021), 'itertools.cycle', 'cycle', (['colors[::-1]'], {}), '(colors[::-1])\n', (1007, 1021), False, 'from itertools import cycle, product\n'), ((1036, 1052), 'itertools.cycle', 'cycle', (['legend[0]'], {}), '(legend[0])\n', (1041, 1052), False, 'from itertools import cycle, product\n'), ((1067, 1083), 'itertools.cycle', 'cycle', (['legend[1]'], {}), '(legend[1])\n', (1072, 1083), False, 'from itertools import cycle, product\n'), ((1872, 1904), 'matplotlib.pyplot.suptitle', 'plt.suptitle', (['title'], {'fontsize': '(16)'}), '(title, fontsize=16)\n', (1884, 1904), True, 'import matplotlib.pyplot as plt\n'), ((1911, 1943), 'matplotlib.pyplot.title', 'plt.title', (['subtitle'], {'fontsize': '(10)'}), '(subtitle, fontsize=10)\n', (1920, 1943), True, 'import matplotlib.pyplot as plt\n'), ((2132, 2231), 'matplotlib.pyplot.legend', 'plt.legend', ([], {'loc': '"""upper right"""', 'bbox_to_anchor': '(0.45, -0.125)', 'prop': "{'size': 8}", 'framealpha': '(0.0)'}), "(loc='upper right', bbox_to_anchor=(0.45, -0.125), prop={'size': \n 8}, framealpha=0.0)\n", (2142, 2231), True, 'import matplotlib.pyplot as plt\n'), ((2408, 2419), 'matplotlib.pyplot.close', 'plt.close', ([], {}), '()\n', (2417, 2419), True, 'import matplotlib.pyplot as plt\n'), ((7142, 7241), 'argparse.ArgumentParser', 'argparse.ArgumentParser', ([], {'description': '"""# calculate gc skew and find Ori and Ter of replication"""'}), "(description=\n '# calculate gc skew and find Ori and Ter of replication')\n", (7165, 7241), False, 'import argparse\n'), ((2801, 2816), 'itertools.product', 'product', (['*peaks'], {}), '(*peaks)\n', (2808, 2816), False, 'from itertools import cycle, product\n'), ((4704, 4719), 'numpy.ones', 'np.ones', (['window'], {}), '(window)\n', (4711, 4719), True, 'import numpy as np\n'), ((6510, 6529), 'ctbBio.fasta.iterate_fasta', 'parse_fasta', (['genome'], {}), '(genome)\n', (6521, 6529), True, 'from ctbBio.fasta import iterate_fasta as parse_fasta\n'), ((6724, 6743), 'ctbBio.fasta.iterate_fasta', 'parse_fasta', (['genome'], {}), '(genome)\n', (6735, 6743), True, 'from ctbBio.fasta import iterate_fasta as parse_fasta\n'), ((3620, 3641), 'numpy.asarray', 'np.asarray', (['c_skew[1]'], {}), '(c_skew[1])\n', (3630, 3641), True, 'import numpy as np\n'), ((3713, 3734), 'numpy.asarray', 'np.asarray', (['c_skew[1]'], {}), '(c_skew[1])\n', (3723, 3734), True, 'import numpy as np\n'), ((4767, 4807), 'scipy.signal.fftconvolve', 'signal.fftconvolve', (['gmc', 'weights', '"""same"""'], {}), "(gmc, weights, 'same')\n", (4785, 4807), False, 'from scipy import signal\n'), ((4859, 4899), 'scipy.signal.fftconvolve', 'signal.fftconvolve', (['gpc', 'weights', '"""same"""'], {}), "(gpc, weights, 'same')\n", (4877, 4899), False, 'from scipy import signal\n')] |
Algofiorg/algofi-py-sdk | examples/send_governance_vote_transaction.py | 6100a6726d36db4d4d3287064f0ad1d0b9a05e03 | # This sample is provided for demonstration purposes only.
# It is not intended for production use.
# This example does not constitute trading advice.
import os
from dotenv import dotenv_values
from algosdk import mnemonic, account
from algofi.v1.asset import Asset
from algofi.v1.client import AlgofiTestnetClient, AlgofiMainnetClient
from algofi.utils import get_ordered_symbols, prepare_payment_transaction, get_new_account
from example_utils import print_market_state, print_user_state
### run setup.py before proceeding. make sure the .env file is set with mnemonic + storage_mnemonic.
# Hardcoding account keys is not a great practice. This is for demonstration purposes only.
# See the README & Docs for alternative signing methods.
my_path = os.path.abspath(os.path.dirname(__file__))
ENV_PATH = os.path.join(my_path, ".env")
# load user passphrase
user = dotenv_values(ENV_PATH)
sender = mnemonic.to_public_key(user['mnemonic'])
key = mnemonic.to_private_key(user['mnemonic'])
# IS_MAINNET
IS_MAINNET = False
client = AlgofiMainnetClient(user_address=sender) if IS_MAINNET else AlgofiTestnetClient(user_address=sender)
# NOTE: Get the live governance address at https://governance.algorand.foundation/api/periods/
# under "sign_up_address" for the relevant governance period
# Specify your vote according to the formats that are permissible in the Algorand Foundation Spec
# https://github.com/algorandfoundation/governance/blob/main/af-gov1-spec.md
# Get the idx, vote choices based on the relevant voting session from https://governance.algorand.foundation/api/periods/
address = sender
governance_address = ""
vote_note = b'af/gov1:j[6,"a","c"]' # NOTE: an example, not to be used in live voting necessarily
vault_address = client.manager.get_storage_address(address)
print("~"*100)
print("Processing send_governance_vote_transaction transaction for vault address " + vault_address)
print("~"*100)
txn = client.prepare_send_governance_vote_transactions(governance_address, note=vote_note, address=address)
txn.sign_with_private_key(sender, key)
txn.submit(client.algod, wait=True)
# After sending, check your vote at
# https://governance.algorand.foundation/api/periods/<governance-period-slug>/governors/<vault_address>
# to confirm successful vote in voting session
# print final state
print("~"*100)
print("Final State")
print("Sent governance transaction with note: " + str(vote_note))
print("~"*100) | [((807, 836), 'os.path.join', 'os.path.join', (['my_path', '""".env"""'], {}), "(my_path, '.env')\n", (819, 836), False, 'import os\n'), ((868, 891), 'dotenv.dotenv_values', 'dotenv_values', (['ENV_PATH'], {}), '(ENV_PATH)\n', (881, 891), False, 'from dotenv import dotenv_values\n'), ((901, 941), 'algosdk.mnemonic.to_public_key', 'mnemonic.to_public_key', (["user['mnemonic']"], {}), "(user['mnemonic'])\n", (923, 941), False, 'from algosdk import mnemonic, account\n'), ((949, 990), 'algosdk.mnemonic.to_private_key', 'mnemonic.to_private_key', (["user['mnemonic']"], {}), "(user['mnemonic'])\n", (972, 990), False, 'from algosdk import mnemonic, account\n'), ((769, 794), 'os.path.dirname', 'os.path.dirname', (['__file__'], {}), '(__file__)\n', (784, 794), False, 'import os\n'), ((1033, 1073), 'algofi.v1.client.AlgofiMainnetClient', 'AlgofiMainnetClient', ([], {'user_address': 'sender'}), '(user_address=sender)\n', (1052, 1073), False, 'from algofi.v1.client import AlgofiTestnetClient, AlgofiMainnetClient\n'), ((1093, 1133), 'algofi.v1.client.AlgofiTestnetClient', 'AlgofiTestnetClient', ([], {'user_address': 'sender'}), '(user_address=sender)\n', (1112, 1133), False, 'from algofi.v1.client import AlgofiTestnetClient, AlgofiMainnetClient\n')] |
franklx/SOAPpy-py3 | bid/inventoryClient.py | f25afba322e9300ba4ebdd281118b629ca63ba24 | #!/usr/bin/env python
import getopt
import sys
import string
import re
import time
sys.path.insert(1,"..")
from SOAPpy import SOAP
import traceback
DEFAULT_SERVERS_FILE = './inventory.servers'
DEFAULT_METHODS = ('SimpleBuy', 'RequestForQuote','Buy','Ping')
def usage (error = None):
sys.stdout = sys.stderr
if error != None:
print(error)
print("""usage: %s [options] [server ...]
If a long option shows an argument is mandatory, it's mandatory for the
equivalent short option also.
-?, --help display this usage
-d, --debug turn on debugging in the SOAP library
-i, --invert test servers *not* in the list of servers given
-m, --method=METHOD#[,METHOD#...]
call only the given methods, specify a METHOD# of ?
for the list of method numbers
-o, --output=TYPE turn on output, TYPE is one or more of s(uccess),
f(ailure), n(ot implemented), F(ailed (as expected)),
a(ll)
[f]
-s, --servers=FILE use FILE as list of servers to test [%s]
-t, --stacktrace print a stack trace on each unexpected failure
-T, --always-stacktrace
print a stack trace on any failure
""" % (sys.argv[0], DEFAULT_SERVERS_FILE), end=' ')
sys.exit (0)
def methodUsage ():
sys.stdout = sys.stderr
print("Methods are specified by number. Multiple methods can be " \
"specified using a\ncomma-separated list of numbers or ranges. " \
"For example 1,4-6,8 specifies\nmethods 1, 4, 5, 6, and 8.\n")
print("The available methods are:\n")
half = (len (DEFAULT_METHODS) + 1) / 2
for i in range (half):
print("%4d. %-25s" % (i + 1, DEFAULT_METHODS[i]), end=' ')
if i + half < len (DEFAULT_METHODS):
print("%4d. %-25s" % (i + 1 + half, DEFAULT_METHODS[i + half]), end=' ')
print()
sys.exit (0)
def readServers (file):
servers = []
f = open (file, 'r')
while 1:
line = f.readline ()
if line == '':
break
if line[0] in ('#', '\n') or line[0] in string.whitespace:
continue
cur = {'nonfunctional': {}}
tag = None
servers.append (cur)
while 1:
if line[0] in string.whitespace:
if tag == 'nonfunctional':
value = method + ' ' + cur[tag][method]
else:
value = cur[tag]
value += ' ' + line.strip ()
else:
tag, value = line.split (':', 1)
tag = tag.strip ().lower ()
value = value.strip ()
if value[0] == '"' and value[-1] == '"':
value = value[1:-1]
if tag == 'nonfunctional':
value = value.split (' ', 1) + ['']
method = value[0]
cur[tag][method] = value[1]
else:
cur[tag] = value
line = f.readline ()
if line == '' or line[0] == '\n':
break
return servers
def str2list (s):
l = {}
for i in s.split (','):
if i.find ('-') != -1:
i = i.split ('-')
for i in range (int (i[0]),int (i[1]) + 1):
l[i] = 1
else:
l[int (i)] = 1
l = list(l.keys ())
l.sort ()
return l
def SimpleBuy(serv, sa, epname):
serv = serv._sa (sa % {'methodname':'SimpleBuy'})
return serv.SimpleBuy(ProductName="widget", Quantity = 50, Address = "this is my address") #JHawk, Phalanx require this order of params
def RequestForQuote(serv, sa, epname):
serv = serv._sa (sa % {'methodname':'RequestForQuote'})
return serv.RequestForQuote(Quantity=3, ProductName = "thing") # for Phalanx, JHawk
def Buy(serv, sa, epname):
import copy
serv = serv._sa (sa % {'methodname':'Buy'})
billTo_d = {"name":"Buyer One", "address":"1 1st Street",
"city":"New York", "state":"NY", "zipCode":"10000"}
shipTo_d = {"name":"Buyer One ", "address":"1 1st Street ",
"city":"New York ", "state":"NY ", "zipCode":"10000 "}
for k,v in list(shipTo_d.items()):
shipTo_d[k] = v[:-1]
itemd1 = SOAP.structType( {"name":"widg1","quantity":200,"price":SOAP.decimalType(45.99), "_typename":"LineItem"})
itemd2 = SOAP.structType( {"name":"widg2","quantity":400,"price":SOAP.decimalType(33.45), "_typename":"LineItem"})
items_d = SOAP.arrayType( [itemd1, itemd2] )
items_d._ns = "http://www.soapinterop.org/Bid"
po_d = SOAP.structType( data = {"poID":"myord","createDate":SOAP.dateTimeType(),"shipTo":shipTo_d, "billTo":billTo_d, "items":items_d})
try:
# it's called PO by MST (MS SOAP Toolkit), JHawk (.NET Remoting),
# Idoox WASP, Paul (SOAP::Lite), PranishK (ATL), GLUE, Aumsoft,
# HP, EasySoap, and Jake (Frontier). [Actzero accepts either]
return serv.Buy(PO=po_d)
except:
# called PurchaseOrder by KeithBa
return serv.Buy(PurchaseOrder=po_d)
def Ping(serv, sa, epname):
serv = serv._sa (sa % {'methodname':'Ping'})
return serv.Ping()
def main():
servers = DEFAULT_SERVERS_FILE
methodnums = None
output = 'f'
invert = 0
succeed = 0
printtrace = 0
stats = 1
total = 0
fail = 0
failok = 0
notimp = 0
try:
opts,args = getopt.getopt (sys.argv[1:], '?dm:io:s:t',
['help', 'method', 'debug', 'invert',
'output', 'servers='])
for opt, arg in opts:
if opt in ('-?', '--help'):
usage ()
elif opt in ('-d', '--debug'):
SOAP.Config.debug = 1
elif opt in ('-i', '--invert'):
invert = 1
elif opt in ('-m', '--method'):
if arg == '?':
methodUsage ()
methodnums = str2list (arg)
elif opt in ('-o', '--output'):
output = arg
elif opt in ('-s', '--servers'):
servers = arg
else:
raise AttributeError("Recognized but unimplemented option `%s'" % opt)
except SystemExit:
raise
except:
usage (sys.exc_info ()[1])
if 'a' in output:
output = 'fFns'
servers = readServers(servers)
if methodnums == None:
methodnums = list(range(1, len (DEFAULT_METHODS) + 1))
limitre = re.compile ('|'.join (args), re.IGNORECASE)
for s in servers:
if (not not limitre.match (s['name'])) == invert:
continue
serv = SOAP.SOAPProxy(s['endpoint'], namespace = s['namespace'])
for num in (methodnums):
if num > len(DEFAULT_METHODS):
break
total += 1
name = DEFAULT_METHODS[num - 1]
title = '%s: %s (#%d)' % (s['name'], name, num)
try:
fn = globals ()[name]
except KeyboardInterrupt:
raise
except:
if 'n' in output:
print(title, "test not yet implemented")
notimp += 1
continue
try:
res = fn (serv, s['soapaction'], s['name'])
if name in s['nonfunctional']:
print(title, "succeeded despite marked nonfunctional")
elif 's' in output:
print(title, "succeeded ")
succeed += 1
except KeyboardInterrupt:
print("fail")
raise
except:
if name in s['nonfunctional']:
if 'F' in output:
t = 'as expected'
if s['nonfunctional'][name] != '':
t += ', ' + s['nonfunctional'][name]
print(title, "failed (%s) -" %t, sys.exc_info()[1])
failok += 1
else:
if 'f' in output:
print(title, "failed -", str (sys.exc_info()[1]))
fail += 1
if stats:
print(" Tests ended at:", time.ctime (time.time()))
if stats > 0:
print(" Total tests: %d" % total)
print(" Successes: %d (%3.2f%%)" % \
(succeed, 100.0 * succeed / total))
if stats > 0 or fail > 0:
print("Failed unexpectedly: %d (%3.2f%%)" % \
(fail, 100.0 * fail / total))
if stats > 0:
print(" Failed as expected: %d (%3.2f%%)" % \
(failok, 100.0 * failok / total))
if stats > 0 or notimp > 0:
print(" Not implemented: %d (%3.2f%%)" % \
(notimp, 100.0 * notimp / total))
return fail + notimp
if __name__ == "__main__":
main()
| [((85, 109), 'sys.path.insert', 'sys.path.insert', (['(1)', '""".."""'], {}), "(1, '..')\n", (100, 109), False, 'import sys\n'), ((1354, 1365), 'sys.exit', 'sys.exit', (['(0)'], {}), '(0)\n', (1362, 1365), False, 'import sys\n'), ((1972, 1983), 'sys.exit', 'sys.exit', (['(0)'], {}), '(0)\n', (1980, 1983), False, 'import sys\n'), ((4585, 4617), 'SOAPpy.SOAP.arrayType', 'SOAP.arrayType', (['[itemd1, itemd2]'], {}), '([itemd1, itemd2])\n', (4599, 4617), False, 'from SOAPpy import SOAP\n'), ((5511, 5617), 'getopt.getopt', 'getopt.getopt', (['sys.argv[1:]', '"""?dm:io:s:t"""', "['help', 'method', 'debug', 'invert', 'output', 'servers=']"], {}), "(sys.argv[1:], '?dm:io:s:t', ['help', 'method', 'debug',\n 'invert', 'output', 'servers='])\n", (5524, 5617), False, 'import getopt\n'), ((6793, 6848), 'SOAPpy.SOAP.SOAPProxy', 'SOAP.SOAPProxy', (["s['endpoint']"], {'namespace': "s['namespace']"}), "(s['endpoint'], namespace=s['namespace'])\n", (6807, 6848), False, 'from SOAPpy import SOAP\n'), ((4401, 4424), 'SOAPpy.SOAP.decimalType', 'SOAP.decimalType', (['(45.99)'], {}), '(45.99)\n', (4417, 4424), False, 'from SOAPpy import SOAP\n'), ((4520, 4543), 'SOAPpy.SOAP.decimalType', 'SOAP.decimalType', (['(33.45)'], {}), '(33.45)\n', (4536, 4543), False, 'from SOAPpy import SOAP\n'), ((4735, 4754), 'SOAPpy.SOAP.dateTimeType', 'SOAP.dateTimeType', ([], {}), '()\n', (4752, 4754), False, 'from SOAPpy import SOAP\n'), ((8372, 8383), 'time.time', 'time.time', ([], {}), '()\n', (8381, 8383), False, 'import time\n'), ((6404, 6418), 'sys.exc_info', 'sys.exc_info', ([], {}), '()\n', (6416, 6418), False, 'import sys\n'), ((8094, 8108), 'sys.exc_info', 'sys.exc_info', ([], {}), '()\n', (8106, 8108), False, 'import sys\n'), ((8259, 8273), 'sys.exc_info', 'sys.exc_info', ([], {}), '()\n', (8271, 8273), False, 'import sys\n')] |
Pixxeasy/WinTools | src/compile.py | e67c365cd4a7a47a410c25b7df8eeaeedc05dd8d | import os
import json
import shutil
with open("entry.tp") as entry:
entry = json.loads(entry.read())
startcmd = entry['plugin_start_cmd'].split("%TP_PLUGIN_FOLDER%")[1].split("\\")
filedirectory = startcmd[0]
fileName = startcmd[1]
if os.path.exists(filedirectory):
os.remove(os.path.join(os.getcwd(), "WinTools"))
else:
os.makedirs("temp/"+filedirectory)
for file in os.listdir("."):
if file not in ["compile.py", "utils", "requirements.txt", "build", "dist", "main.py", "main.spec", "__pycache__", "temp"]:
print("copying", file)
shutil.copy(os.path.join(os.getcwd(), file), os.path.join("temp", filedirectory))
os.rename("dist\Main.exe", "dist\WinTools.exe")
shutil.copy(os.path.join(os.getcwd(), r"dist\WinTools.exe"), "temp/"+filedirectory)
shutil.make_archive(base_name="WinTools", format='zip', root_dir="temp", base_dir="WinTools")
os.rename("WinTools.zip", "WinTools.tpp")
| [((246, 275), 'os.path.exists', 'os.path.exists', (['filedirectory'], {}), '(filedirectory)\n', (260, 275), False, 'import os\n'), ((389, 404), 'os.listdir', 'os.listdir', (['"""."""'], {}), "('.')\n", (399, 404), False, 'import os\n'), ((664, 713), 'os.rename', 'os.rename', (['"""dist\\\\Main.exe"""', '"""dist\\\\WinTools.exe"""'], {}), "('dist\\\\Main.exe', 'dist\\\\WinTools.exe')\n", (673, 713), False, 'import os\n'), ((797, 894), 'shutil.make_archive', 'shutil.make_archive', ([], {'base_name': '"""WinTools"""', 'format': '"""zip"""', 'root_dir': '"""temp"""', 'base_dir': '"""WinTools"""'}), "(base_name='WinTools', format='zip', root_dir='temp',\n base_dir='WinTools')\n", (816, 894), False, 'import shutil\n'), ((892, 933), 'os.rename', 'os.rename', (['"""WinTools.zip"""', '"""WinTools.tpp"""'], {}), "('WinTools.zip', 'WinTools.tpp')\n", (901, 933), False, 'import os\n'), ((340, 376), 'os.makedirs', 'os.makedirs', (["('temp/' + filedirectory)"], {}), "('temp/' + filedirectory)\n", (351, 376), False, 'import os\n'), ((737, 748), 'os.getcwd', 'os.getcwd', ([], {}), '()\n', (746, 748), False, 'import os\n'), ((304, 315), 'os.getcwd', 'os.getcwd', ([], {}), '()\n', (313, 315), False, 'import os\n'), ((618, 653), 'os.path.join', 'os.path.join', (['"""temp"""', 'filedirectory'], {}), "('temp', filedirectory)\n", (630, 653), False, 'import os\n'), ((598, 609), 'os.getcwd', 'os.getcwd', ([], {}), '()\n', (607, 609), False, 'import os\n')] |
tusikalanse/acm-icpc | suda/1121/12.py | 20150f42752b85e286d812e716bb32ae1fa3db70 | for _ in range(int(input())):
x, y = list(map(int, input().split()))
flag = 1
for i in range(x, y + 1):
n = i * i + i + 41
for j in range(2, n):
if j * j > n:
break
if n % j == 0:
flag = 0
break
if flag == 0:
break
if flag:
print("OK")
else:
print("Sorry") | [] |
c2gconsulting/bulkpay | notification/app/node_modules/hiredis/binding.gyp | 224a52427f80a71f66613c367a5596cbd5e97294 | {
'targets': [
{
'target_name': 'hiredis',
'sources': [
'src/hiredis.cc'
, 'src/reader.cc'
],
'include_dirs': ["<!(node -e \"require('nan')\")"],
'dependencies': [
'deps/hiredis.gyp:hiredis-c'
],
'defines': [
'_GNU_SOURCE'
],
'cflags': [
'-Wall',
'-O3'
]
}
]
}
| [] |
Verkhovskaya/PyDL | basic_and.py | 4c3f2d952dd988ff27bf359d2f2cdde65737e062 | from pywire import *
def invert(signal):
if signal:
return False
else:
return True
class Inverter:
def __init__(self, a, b):
b.drive(invert, a)
width = 4
a = Signal(width, io="in")
b = Signal(width, io="out")
Inverter(a, b)
build() | [] |
mhsung/deep-functional-dictionaries | network/evaluate_keypoints.py | 8b3d70c3376339cb1b7baacf7753094cd1ffef45 | # Minhyuk Sung ([email protected])
# April 2018
import os, sys
BASE_DIR = os.path.normpath(
os.path.join(os.path.dirname(os.path.abspath(__file__))))
sys.path.append(os.path.join(BASE_DIR, '..'))
from datasets import *
from generate_outputs import *
from scipy.optimize import linear_sum_assignment
#import matplotlib.pyplot as plt
import numpy as np
def compute_all_keypoints(sess, net, data):
P = data.point_clouds
assert(P.shape[0] == data.n_data)
assert(P.shape[1] == data.n_points)
KP = data.keypoints
assert(KP.shape[0] == data.n_data)
assert(KP.shape[1] == data.n_labels)
A = predict_A(P, sess, net)
assert(A.shape[0] == data.n_data)
assert(A.shape[1] == data.n_points)
assert(A.shape[2] == net.K)
pred_KP = np.argmax(A, axis=1)
return P, KP, pred_KP
def evaluate_PCK(P, KP, pred_KP):
n_data = P.shape[0]
n_points = P.shape[1]
n_labels = KP.shape[1]
K = pred_KP.shape[1]
# dists_info: (point_cloud_index, label, basis_index, distance)
dists_info = []
for k in range(n_data):
# NOTE:
# Skip if the keypoint does not exist.
labels = [i for i in range(n_labels) if KP[k,i] >= 0]
# Find the closest prediction (w/o matching).
for i, label in enumerate(labels):
all_dists = np.zeros(K)
idx_i = KP[k,label]
assert(idx_i < n_points)
p_i = P[k,idx_i]
for j in range(K):
idx_j = pred_KP[k,j]
assert(idx_j < n_points)
p_j = P[k,idx_j]
all_dists[j] = np.linalg.norm(p_i - p_j)
j = np.argmin(all_dists)
dists_info.append((k, i, j, all_dists[j]))
dists_info = np.array(dists_info)
return dists_info
def evaluate_PCK_after_label_basis_matching(P, KP, pred_KP):
n_data = P.shape[0]
n_points = P.shape[1]
n_labels = KP.shape[1]
K = pred_KP.shape[1]
# Find the best mapping from labels to bases.
all_dists = np.zeros((n_data, n_labels, K))
label_counts = np.zeros(n_labels)
for k in range(n_data):
for i in range(n_labels):
# NOTE:
# Skip if the keypoint does not exist.
if KP[k,i] < 0: continue
idx_i = KP[k,i]
assert(idx_i < n_points)
p_i = P[k,idx_i]
label_counts[i] += 1.
for j in range(K):
idx_j = pred_KP[k,j]
assert(idx_j < n_points)
p_j = P[k,idx_j]
all_dists[k,i,j] += np.linalg.norm(p_i - p_j)
mean_dists = np.sum(all_dists, axis=0) / \
np.expand_dims(label_counts, axis=-1)
row_ind, col_ind = linear_sum_assignment(mean_dists)
# dists_info: (point_cloud_index, label, basis_index, distance)
dists_info = []
for k in range(n_data):
for (i, j) in zip(row_ind, col_ind):
if KP[k,i] < 0: continue
dists_info.append((k, i, j, all_dists[k,i,j]))
dists_info = np.array(dists_info)
return dists_info
def save_results(dists_info, out_dir, postfix=None):
# dists_info: (point_cloud_index, label, basis_index, distance)
dists = dists_info[:,3]
if postfix is not None:
out_file = os.path.join(out_dir, 'distances_{}.npy'.format(postfix))
else:
out_file = os.path.join(out_dir, 'distances.npy')
np.save(out_file, dists)
print("Saved '{}'.".format(out_file))
'''
# Draw plot.
n_matches = dists.size
x_list = np.linspace(0.0, 0.1, 20 + 1)
counts = np.zeros(x_list.size, dtype=int)
for i in range(x_list.size):
counts[i] = np.sum(dists <= x_list[i])
y_list = counts.astype(x_list.dtype) / float(n_matches)
plt.clf()
plt.plot(x_list, y_list)
plt.ylim(0., 1.)
plt.yticks(np.linspace(0., 1., 10 + 1))
if postfix is not None:
out_file = os.path.join(out_dir, 'pck_{}.png'.format(postfix))
else:
out_file = os.path.join(out_dir, 'pck.png')
plt.savefig(out_file)
print("Saved '{}'.".format(out_file))
'''
def evaluate(sess, net, data, out_dir):
if not os.path.exists(out_dir): os.makedirs(out_dir)
P, KP, pred_KP = compute_all_keypoints(sess, net, data)
dists = evaluate_PCK(P, KP, pred_KP)
save_results(dists, out_dir)
dists_after_matching = evaluate_PCK_after_label_basis_matching(
P, KP, pred_KP)
save_results(dists_after_matching, out_dir, postfix='after_matching')
| [((180, 208), 'os.path.join', 'os.path.join', (['BASE_DIR', '""".."""'], {}), "(BASE_DIR, '..')\n", (192, 208), False, 'import os, sys\n'), ((779, 799), 'numpy.argmax', 'np.argmax', (['A'], {'axis': '(1)'}), '(A, axis=1)\n', (788, 799), True, 'import numpy as np\n'), ((1753, 1773), 'numpy.array', 'np.array', (['dists_info'], {}), '(dists_info)\n', (1761, 1773), True, 'import numpy as np\n'), ((2029, 2060), 'numpy.zeros', 'np.zeros', (['(n_data, n_labels, K)'], {}), '((n_data, n_labels, K))\n', (2037, 2060), True, 'import numpy as np\n'), ((2080, 2098), 'numpy.zeros', 'np.zeros', (['n_labels'], {}), '(n_labels)\n', (2088, 2098), True, 'import numpy as np\n'), ((2728, 2761), 'scipy.optimize.linear_sum_assignment', 'linear_sum_assignment', (['mean_dists'], {}), '(mean_dists)\n', (2749, 2761), False, 'from scipy.optimize import linear_sum_assignment\n'), ((3040, 3060), 'numpy.array', 'np.array', (['dists_info'], {}), '(dists_info)\n', (3048, 3060), True, 'import numpy as np\n'), ((3414, 3438), 'numpy.save', 'np.save', (['out_file', 'dists'], {}), '(out_file, dists)\n', (3421, 3438), True, 'import numpy as np\n'), ((2625, 2650), 'numpy.sum', 'np.sum', (['all_dists'], {'axis': '(0)'}), '(all_dists, axis=0)\n', (2631, 2650), True, 'import numpy as np\n'), ((2667, 2704), 'numpy.expand_dims', 'np.expand_dims', (['label_counts'], {'axis': '(-1)'}), '(label_counts, axis=-1)\n', (2681, 2704), True, 'import numpy as np\n'), ((3370, 3408), 'os.path.join', 'os.path.join', (['out_dir', '"""distances.npy"""'], {}), "(out_dir, 'distances.npy')\n", (3382, 3408), False, 'import os, sys\n'), ((4167, 4190), 'os.path.exists', 'os.path.exists', (['out_dir'], {}), '(out_dir)\n', (4181, 4190), False, 'import os, sys\n'), ((4192, 4212), 'os.makedirs', 'os.makedirs', (['out_dir'], {}), '(out_dir)\n', (4203, 4212), False, 'import os, sys\n'), ((135, 160), 'os.path.abspath', 'os.path.abspath', (['__file__'], {}), '(__file__)\n', (150, 160), False, 'import os, sys\n'), ((1330, 1341), 'numpy.zeros', 'np.zeros', (['K'], {}), '(K)\n', (1338, 1341), True, 'import numpy as np\n'), ((1659, 1679), 'numpy.argmin', 'np.argmin', (['all_dists'], {}), '(all_dists)\n', (1668, 1679), True, 'import numpy as np\n'), ((1616, 1641), 'numpy.linalg.norm', 'np.linalg.norm', (['(p_i - p_j)'], {}), '(p_i - p_j)\n', (1630, 1641), True, 'import numpy as np\n'), ((2581, 2606), 'numpy.linalg.norm', 'np.linalg.norm', (['(p_i - p_j)'], {}), '(p_i - p_j)\n', (2595, 2606), True, 'import numpy as np\n')] |
dvirtz/conan-center-index | recipes/cxxopts/all/conanfile.py | 2e7a6337804325616f8d97e3a5b6f66cc72699cb | import os
from conans import ConanFile, tools
from conans.errors import ConanInvalidConfiguration
class CxxOptsConan(ConanFile):
name = "cxxopts"
homepage = "https://github.com/jarro2783/cxxopts"
url = "https://github.com/conan-io/conan-center-index"
description = "Lightweight C++ option parser library, supporting the standard GNU style syntax for options."
license = "MIT"
topics = ("conan", "option-parser", "positional-arguments ", "header-only")
settings = "compiler"
options = { "unicode": [True, False] }
default_options = { "unicode": False }
no_copy_source = True
@property
def _source_subfolder(self):
return "source_subfolder"
@property
def _minimum_cpp_standard(self):
return 11
@property
def _minimum_compilers_version(self):
return {
"Visual Studio": "14",
"gcc": "5",
"clang": "3.9",
"apple-clang": "8",
}
def configure(self):
if self.settings.compiler.get_safe("cppstd"):
tools.check_min_cppstd(self, self._minimum_cpp_standard)
min_version = self._minimum_compilers_version.get(str(self.settings.compiler))
if not min_version:
self.output.warn("{} recipe lacks information about the {} compiler support.".format(
self.name, self.settings.compiler))
else:
if tools.Version(self.settings.compiler.version) < min_version:
raise ConanInvalidConfiguration("{} requires C++{} support. The current compiler {} {} does not support it.".format(
self.name, self._minimum_cpp_standard, self.settings.compiler, self.settings.compiler.version))
def requirements(self):
if self.options.unicode:
self.requires("icu/64.2")
def source(self):
tools.get(**self.conan_data["sources"][self.version])
os.rename("{}-{}".format(self.name, self.version), self._source_subfolder)
def package(self):
self.copy("LICENSE", dst="licenses", src=self._source_subfolder)
self.copy("{}.hpp".format(self.name), dst="include", src=os.path.join(self._source_subfolder, "include"))
def package_id(self):
self.info.header_only()
def package_info(self):
if self.options.unicode:
self.cpp_info.defines = ["CXXOPTS_USE_UNICODE"]
| [((1859, 1912), 'conans.tools.get', 'tools.get', ([], {}), "(**self.conan_data['sources'][self.version])\n", (1868, 1912), False, 'from conans import ConanFile, tools\n'), ((1067, 1123), 'conans.tools.check_min_cppstd', 'tools.check_min_cppstd', (['self', 'self._minimum_cpp_standard'], {}), '(self, self._minimum_cpp_standard)\n', (1089, 1123), False, 'from conans import ConanFile, tools\n'), ((1418, 1463), 'conans.tools.Version', 'tools.Version', (['self.settings.compiler.version'], {}), '(self.settings.compiler.version)\n', (1431, 1463), False, 'from conans import ConanFile, tools\n'), ((2158, 2205), 'os.path.join', 'os.path.join', (['self._source_subfolder', '"""include"""'], {}), "(self._source_subfolder, 'include')\n", (2170, 2205), False, 'import os\n')] |
ericgreveson/projecteuler | p_030_039/problem31.py | 1844bf383fca871b82d88ef1eb3a9b1a0e363054 | class CoinArray(list):
"""
Coin list that is hashable for storage in sets
The 8 entries are [1p count, 2p count, 5p count, ... , 200p count]
"""
def __hash__(self):
"""
Hash this as a string
"""
return hash(" ".join([str(i) for i in self]))
def main():
"""
Entry point
"""
# Important: sorted smallest to largest
coins = [1, 2, 5, 10, 20, 50, 100, 200]
coin_index = {coin: index for index, coin in enumerate(coins)}
# How many ways are there of making each number from 1 to 200 from these values?
# Building up from 1 means we can re-use earlier results
# e.g.:
# 1p: [{1}]
# 2p: [{1,1}, {2}]
# 3p: [{1,1,1}, {2,1}]
# 4p: [{1,1,1,1}, {2,1,1}, {2,2}]
# etc
way_sets = [None]
for i in range(1, 201):
way_set_i = set()
# Try using 1 of each coin and then all the ways of the remainder, if > 0
for coin in coins:
remainder = i - coin
if remainder == 0:
# We can make this with exactly this coin alone - but no larger coins
coin_count = [0 for i in coins]
coin_count[coin_index[coin]] = 1
way_set_i.add(CoinArray(coin_count))
break
elif remainder > 0:
# We can use this coin and whatever the options for the smaller value are
for rem_list in way_sets[remainder]:
new_coin_count = [c for c in rem_list]
new_coin_count[coin_index[coin]] += 1
way_set_i.add(CoinArray(new_coin_count))
else:
# Can't use any bigger coins
break
way_sets.append(way_set_i)
print(f"Number of ways of making £2: {len(way_sets[200])}")
return
if __name__ == "__main__":
main()
| [] |
nasirdec/GCP-AppEngine-Example | video/cloud-client/quickstart/quickstart.py | 3f5ad26ad2c1e3c8deceb5844adfb40cf7c2e53f | #!/usr/bin/env python
# Copyright 2017 Google Inc. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
"""This application demonstrates label detection on a demo video using
the Google Cloud API.
Usage:
python quickstart.py
"""
def run_quickstart():
# [START video_quickstart]
from google.cloud import videointelligence
video_client = videointelligence.VideoIntelligenceServiceClient()
features = [videointelligence.enums.Feature.LABEL_DETECTION]
operation = video_client.annotate_video(
'gs://demomaker/cat.mp4', features=features)
print('\nProcessing video for label annotations:')
result = operation.result(timeout=120)
print('\nFinished processing.')
# first result is retrieved because a single video was processed
segment_labels = result.annotation_results[0].segment_label_annotations
for i, segment_label in enumerate(segment_labels):
print('Video label description: {}'.format(
segment_label.entity.description))
for category_entity in segment_label.category_entities:
print('\tLabel category description: {}'.format(
category_entity.description))
for i, segment in enumerate(segment_label.segments):
start_time = (segment.segment.start_time_offset.seconds +
segment.segment.start_time_offset.nanos / 1e9)
end_time = (segment.segment.end_time_offset.seconds +
segment.segment.end_time_offset.nanos / 1e9)
positions = '{}s to {}s'.format(start_time, end_time)
confidence = segment.confidence
print('\tSegment {}: {}'.format(i, positions))
print('\tConfidence: {}'.format(confidence))
print('\n')
# [END video_quickstart]
if __name__ == '__main__':
run_quickstart()
| [((873, 923), 'google.cloud.videointelligence.VideoIntelligenceServiceClient', 'videointelligence.VideoIntelligenceServiceClient', ([], {}), '()\n', (921, 923), False, 'from google.cloud import videointelligence\n')] |
platformmaster9/PyAlly | ally/instrument.py | 55400e0835ae3ac5b3cf58e0e8214c6244aeb149 | from . import utils
#################################################
""" INSTRUMENT """
#################################################
def Instrument(symbol):
symbol = str(symbol).upper()
return {
'__symbol' : symbol,
'Sym' : symbol,
'SecTyp' : 'CS',
'__type' : 'equity'
}
#################################################
def Equity(symbol):
return Instrument(symbol)
#################################################
def Option (instrument, maturity_date, strike):
return {
**{
'MatDt' : str(maturity_date) + 'T00:00:00.000-05:00',
'StrkPx' : str(int(strike)),
'SecTyp' : 'OPT',
'__maturity' : str(maturity_date),
'__strike' : str(int(strike))
},
**instrument
}
#################################################
def Call (instrument, maturity_date, strike):
# Let Option do some lifting
x = {
**{ 'CFI':'OC' },
**Option(instrument, maturity_date, strike)
}
x['__underlying'] = x['Sym']
x['__type'] = 'call'
x['__symbol'] = utils.option_format(
symbol = x['Sym'],
exp_date = x['__maturity'],
strike = x['__strike'],
direction = 'C'
)
return x
#################################################
def Put (instrument, maturity_date, strike):
# Let Option do some lifting
x = {
**{ 'CFI':'OP' },
**Option(instrument, maturity_date, strike)
}
x['__underlying'] = x['Sym']
x['__type'] = 'put'
x['__symbol'] = utils.option_format(
symbol = x['Sym'],
exp_date = x['__maturity'],
strike = x['__strike'],
direction = 'P'
)
return x | [] |
onaio/airbyte | airbyte-integrations/connectors/source-yahoo-finance-price/integration_tests/acceptance.py | 38302e82a25f1b66742c3febfbff0668556920f2 | #
# Copyright (c) 2022 Airbyte, Inc., all rights reserved.
#
import pytest
pytest_plugins = ("source_acceptance_test.plugin",)
@pytest.fixture(scope="session", autouse=True)
def connector_setup():
"""This fixture is a placeholder for external resources that acceptance test might require."""
# TODO: setup test dependencies if needed. otherwise remove the TODO comments
yield
# TODO: clean up test dependencies
| [((133, 178), 'pytest.fixture', 'pytest.fixture', ([], {'scope': '"""session"""', 'autouse': '(True)'}), "(scope='session', autouse=True)\n", (147, 178), False, 'import pytest\n')] |
GawenChen/test_pytest | ddt/__init__.py | da7a29dc43e8027d3fd1a05054480ed7007131c3 | # -*- coding: utf-8 -*-
"""
@Time : 2021/10/9 17:51
@Auth : 潇湘
@File :__init__.py.py
@IDE :PyCharm
@QQ : 810400085
""" | [] |
BiancaMT25/darts | darts/models/linear_regression_model.py | bb550dede6d8927a45aea0d9f3df53de32a6eee2 | """
Standard Regression model
-------------------------
"""
import numpy as np
import pandas as pd
from typing import Union
from ..logging import get_logger
from .regression_model import RegressionModel
from sklearn.linear_model import LinearRegression
logger = get_logger(__name__)
class LinearRegressionModel(RegressionModel):
def __init__(self,
lags: Union[int, list] = None,
lags_exog: Union[int, list, bool] = None,
**kwargs):
"""
Simple wrapper for the linear regression model in scikit-learn, LinearRegression().
Parameters
----------
lags : Union[int, list]
Number of lagged target values used to predict the next time step. If an integer is given
the last `lags` lags are used (inclusive). Otherwise a list of integers with lags is required.
lags_exog : Union[int, list, bool]
Number of lagged exogenous values used to predict the next time step. If an integer is given
the last `lags_exog` lags are used (inclusive). Otherwise a list of integers with lags is required.
If True `lags` will be used to determine lags_exog. If False, the values of all exogenous variables
at the current time `t`. This might lead to leakage if for predictions the values of the exogenous
variables at time `t` are not known.
**kwargs
Additional keyword arguments passed to `sklearn.linear_model.LinearRegression`.
"""
self.kwargs = kwargs
super().__init__(
lags=lags,
lags_exog=lags_exog,
model=LinearRegression(**kwargs)
)
def __str__(self):
return 'LinearRegression(lags={}, lags_exog={})'.format(self.lags, self.lags_exog) | [((1658, 1684), 'sklearn.linear_model.LinearRegression', 'LinearRegression', ([], {}), '(**kwargs)\n', (1674, 1684), False, 'from sklearn.linear_model import LinearRegression\n')] |
vrautela/hail | hail/python/test/hailtop/utils/test_utils.py | 7db6189b5b1feafa88452b8470e497d9505d9a46 | from hailtop.utils import (partition, url_basename, url_join, url_scheme,
url_and_params, parse_docker_image_reference)
def test_partition_zero_empty():
assert list(partition(0, [])) == []
def test_partition_even_small():
assert list(partition(3, range(3))) == [range(0, 1), range(1, 2), range(2, 3)]
def test_partition_even_big():
assert list(partition(3, range(9))) == [range(0, 3), range(3, 6), range(6, 9)]
def test_partition_uneven_big():
assert list(partition(2, range(9))) == [range(0, 5), range(5, 9)]
def test_partition_toofew():
assert list(partition(6, range(3))) == [range(0, 1), range(1, 2), range(2, 3),
range(3, 3), range(3, 3), range(3, 3)]
def test_url_basename():
assert url_basename('/path/to/file') == 'file'
assert url_basename('https://hail.is/path/to/file') == 'file'
def test_url_join():
assert url_join('/path/to', 'file') == '/path/to/file'
assert url_join('/path/to/', 'file') == '/path/to/file'
assert url_join('/path/to/', '/absolute/file') == '/absolute/file'
assert url_join('https://hail.is/path/to', 'file') == 'https://hail.is/path/to/file'
assert url_join('https://hail.is/path/to/', 'file') == 'https://hail.is/path/to/file'
assert url_join('https://hail.is/path/to/', '/absolute/file') == 'https://hail.is/absolute/file'
def test_url_scheme():
assert url_scheme('https://hail.is/path/to') == 'https'
assert url_scheme('/path/to') == ''
def test_url_and_params():
assert url_and_params('https://example.com/') == ('https://example.com/', {})
assert url_and_params('https://example.com/foo?') == ('https://example.com/foo', {})
assert url_and_params('https://example.com/foo?a=b&c=d') == ('https://example.com/foo', {'a': 'b', 'c': 'd'})
def test_parse_docker_image_reference():
x = parse_docker_image_reference('animage')
assert x.domain is None
assert x.path == 'animage'
assert x.tag is None
assert x.digest is None
assert x.name() == 'animage'
assert str(x) == 'animage'
x = parse_docker_image_reference('hailgenetics/animage')
assert x.domain == 'hailgenetics'
assert x.path == 'animage'
assert x.tag is None
assert x.digest is None
assert x.name() == 'hailgenetics/animage'
assert str(x) == 'hailgenetics/animage'
x = parse_docker_image_reference('localhost:5000/animage')
assert x.domain == 'localhost:5000'
assert x.path == 'animage'
assert x.tag is None
assert x.digest is None
assert x.name() == 'localhost:5000/animage'
assert str(x) == 'localhost:5000/animage'
x = parse_docker_image_reference('localhost:5000/a/b/name')
assert x.domain == 'localhost:5000'
assert x.path == 'a/b/name'
assert x.tag is None
assert x.digest is None
assert x.name() == 'localhost:5000/a/b/name'
assert str(x) == 'localhost:5000/a/b/name'
x = parse_docker_image_reference('localhost:5000/a/b/name:tag')
assert x.domain == 'localhost:5000'
assert x.path == 'a/b/name'
assert x.tag == 'tag'
assert x.digest is None
assert x.name() == 'localhost:5000/a/b/name'
assert str(x) == 'localhost:5000/a/b/name:tag'
x = parse_docker_image_reference('localhost:5000/a/b/name:tag@sha256:abc123')
assert x.domain == 'localhost:5000'
assert x.path == 'a/b/name'
assert x.tag == 'tag'
assert x.digest == 'sha256:abc123'
assert x.name() == 'localhost:5000/a/b/name'
assert str(x) == 'localhost:5000/a/b/name:tag@sha256:abc123'
x = parse_docker_image_reference('localhost:5000/a/b/name@sha256:abc123')
assert x.domain == 'localhost:5000'
assert x.path == 'a/b/name'
assert x.tag is None
assert x.digest == 'sha256:abc123'
assert x.name() == 'localhost:5000/a/b/name'
assert str(x) == 'localhost:5000/a/b/name@sha256:abc123'
x = parse_docker_image_reference('name@sha256:abc123')
assert x.domain is None
assert x.path == 'name'
assert x.tag is None
assert x.digest == 'sha256:abc123'
assert x.name() == 'name'
assert str(x) == 'name@sha256:abc123'
x = parse_docker_image_reference('gcr.io/hail-vdc/batch-worker:123fds312')
assert x.domain == 'gcr.io'
assert x.path == 'hail-vdc/batch-worker'
assert x.tag == '123fds312'
assert x.digest is None
assert x.name() == 'gcr.io/hail-vdc/batch-worker'
assert str(x) == 'gcr.io/hail-vdc/batch-worker:123fds312'
x = parse_docker_image_reference('us-docker.pkg.dev/my-project/my-repo/test-image')
assert x.domain == 'us-docker.pkg.dev'
assert x.path == 'my-project/my-repo/test-image'
assert x.tag is None
assert x.digest is None
assert x.name() == 'us-docker.pkg.dev/my-project/my-repo/test-image'
assert str(x) == 'us-docker.pkg.dev/my-project/my-repo/test-image'
| [((1883, 1922), 'hailtop.utils.parse_docker_image_reference', 'parse_docker_image_reference', (['"""animage"""'], {}), "('animage')\n", (1911, 1922), False, 'from hailtop.utils import partition, url_basename, url_join, url_scheme, url_and_params, parse_docker_image_reference\n'), ((2108, 2160), 'hailtop.utils.parse_docker_image_reference', 'parse_docker_image_reference', (['"""hailgenetics/animage"""'], {}), "('hailgenetics/animage')\n", (2136, 2160), False, 'from hailtop.utils import partition, url_basename, url_join, url_scheme, url_and_params, parse_docker_image_reference\n'), ((2382, 2436), 'hailtop.utils.parse_docker_image_reference', 'parse_docker_image_reference', (['"""localhost:5000/animage"""'], {}), "('localhost:5000/animage')\n", (2410, 2436), False, 'from hailtop.utils import partition, url_basename, url_join, url_scheme, url_and_params, parse_docker_image_reference\n'), ((2664, 2719), 'hailtop.utils.parse_docker_image_reference', 'parse_docker_image_reference', (['"""localhost:5000/a/b/name"""'], {}), "('localhost:5000/a/b/name')\n", (2692, 2719), False, 'from hailtop.utils import partition, url_basename, url_join, url_scheme, url_and_params, parse_docker_image_reference\n'), ((2950, 3009), 'hailtop.utils.parse_docker_image_reference', 'parse_docker_image_reference', (['"""localhost:5000/a/b/name:tag"""'], {}), "('localhost:5000/a/b/name:tag')\n", (2978, 3009), False, 'from hailtop.utils import partition, url_basename, url_join, url_scheme, url_and_params, parse_docker_image_reference\n'), ((3245, 3318), 'hailtop.utils.parse_docker_image_reference', 'parse_docker_image_reference', (['"""localhost:5000/a/b/name:tag@sha256:abc123"""'], {}), "('localhost:5000/a/b/name:tag@sha256:abc123')\n", (3273, 3318), False, 'from hailtop.utils import partition, url_basename, url_join, url_scheme, url_and_params, parse_docker_image_reference\n'), ((3579, 3648), 'hailtop.utils.parse_docker_image_reference', 'parse_docker_image_reference', (['"""localhost:5000/a/b/name@sha256:abc123"""'], {}), "('localhost:5000/a/b/name@sha256:abc123')\n", (3607, 3648), False, 'from hailtop.utils import partition, url_basename, url_join, url_scheme, url_and_params, parse_docker_image_reference\n'), ((3904, 3954), 'hailtop.utils.parse_docker_image_reference', 'parse_docker_image_reference', (['"""name@sha256:abc123"""'], {}), "('name@sha256:abc123')\n", (3932, 3954), False, 'from hailtop.utils import partition, url_basename, url_join, url_scheme, url_and_params, parse_docker_image_reference\n'), ((4156, 4226), 'hailtop.utils.parse_docker_image_reference', 'parse_docker_image_reference', (['"""gcr.io/hail-vdc/batch-worker:123fds312"""'], {}), "('gcr.io/hail-vdc/batch-worker:123fds312')\n", (4184, 4226), False, 'from hailtop.utils import partition, url_basename, url_join, url_scheme, url_and_params, parse_docker_image_reference\n'), ((4489, 4568), 'hailtop.utils.parse_docker_image_reference', 'parse_docker_image_reference', (['"""us-docker.pkg.dev/my-project/my-repo/test-image"""'], {}), "('us-docker.pkg.dev/my-project/my-repo/test-image')\n", (4517, 4568), False, 'from hailtop.utils import partition, url_basename, url_join, url_scheme, url_and_params, parse_docker_image_reference\n'), ((796, 825), 'hailtop.utils.url_basename', 'url_basename', (['"""/path/to/file"""'], {}), "('/path/to/file')\n", (808, 825), False, 'from hailtop.utils import partition, url_basename, url_join, url_scheme, url_and_params, parse_docker_image_reference\n'), ((847, 891), 'hailtop.utils.url_basename', 'url_basename', (['"""https://hail.is/path/to/file"""'], {}), "('https://hail.is/path/to/file')\n", (859, 891), False, 'from hailtop.utils import partition, url_basename, url_join, url_scheme, url_and_params, parse_docker_image_reference\n'), ((936, 964), 'hailtop.utils.url_join', 'url_join', (['"""/path/to"""', '"""file"""'], {}), "('/path/to', 'file')\n", (944, 964), False, 'from hailtop.utils import partition, url_basename, url_join, url_scheme, url_and_params, parse_docker_image_reference\n'), ((995, 1024), 'hailtop.utils.url_join', 'url_join', (['"""/path/to/"""', '"""file"""'], {}), "('/path/to/', 'file')\n", (1003, 1024), False, 'from hailtop.utils import partition, url_basename, url_join, url_scheme, url_and_params, parse_docker_image_reference\n'), ((1055, 1094), 'hailtop.utils.url_join', 'url_join', (['"""/path/to/"""', '"""/absolute/file"""'], {}), "('/path/to/', '/absolute/file')\n", (1063, 1094), False, 'from hailtop.utils import partition, url_basename, url_join, url_scheme, url_and_params, parse_docker_image_reference\n'), ((1126, 1169), 'hailtop.utils.url_join', 'url_join', (['"""https://hail.is/path/to"""', '"""file"""'], {}), "('https://hail.is/path/to', 'file')\n", (1134, 1169), False, 'from hailtop.utils import partition, url_basename, url_join, url_scheme, url_and_params, parse_docker_image_reference\n'), ((1215, 1259), 'hailtop.utils.url_join', 'url_join', (['"""https://hail.is/path/to/"""', '"""file"""'], {}), "('https://hail.is/path/to/', 'file')\n", (1223, 1259), False, 'from hailtop.utils import partition, url_basename, url_join, url_scheme, url_and_params, parse_docker_image_reference\n'), ((1305, 1359), 'hailtop.utils.url_join', 'url_join', (['"""https://hail.is/path/to/"""', '"""/absolute/file"""'], {}), "('https://hail.is/path/to/', '/absolute/file')\n", (1313, 1359), False, 'from hailtop.utils import partition, url_basename, url_join, url_scheme, url_and_params, parse_docker_image_reference\n'), ((1431, 1468), 'hailtop.utils.url_scheme', 'url_scheme', (['"""https://hail.is/path/to"""'], {}), "('https://hail.is/path/to')\n", (1441, 1468), False, 'from hailtop.utils import partition, url_basename, url_join, url_scheme, url_and_params, parse_docker_image_reference\n'), ((1491, 1513), 'hailtop.utils.url_scheme', 'url_scheme', (['"""/path/to"""'], {}), "('/path/to')\n", (1501, 1513), False, 'from hailtop.utils import partition, url_basename, url_join, url_scheme, url_and_params, parse_docker_image_reference\n'), ((1559, 1597), 'hailtop.utils.url_and_params', 'url_and_params', (['"""https://example.com/"""'], {}), "('https://example.com/')\n", (1573, 1597), False, 'from hailtop.utils import partition, url_basename, url_join, url_scheme, url_and_params, parse_docker_image_reference\n'), ((1641, 1683), 'hailtop.utils.url_and_params', 'url_and_params', (['"""https://example.com/foo?"""'], {}), "('https://example.com/foo?')\n", (1655, 1683), False, 'from hailtop.utils import partition, url_basename, url_join, url_scheme, url_and_params, parse_docker_image_reference\n'), ((1730, 1779), 'hailtop.utils.url_and_params', 'url_and_params', (['"""https://example.com/foo?a=b&c=d"""'], {}), "('https://example.com/foo?a=b&c=d')\n", (1744, 1779), False, 'from hailtop.utils import partition, url_basename, url_join, url_scheme, url_and_params, parse_docker_image_reference\n'), ((198, 214), 'hailtop.utils.partition', 'partition', (['(0)', '[]'], {}), '(0, [])\n', (207, 214), False, 'from hailtop.utils import partition, url_basename, url_join, url_scheme, url_and_params, parse_docker_image_reference\n')] |
wadi-1000/Vicinity | hood/urls.py | a41f6ec2c532cb06f7444b55073b6879a1fce63a | from django.urls import path,include
from . import views
urlpatterns = [
path('home/', views.home, name = 'home'),
path('add_hood/',views.uploadNeighbourhood, name = 'add_hood'),
path('viewhood/',views.viewHood, name = 'viewhood'),
path('hood/<int:pk>/',views.hood, name = 'hood'),
path('add_bizna/',views.uploadBuisness, name = 'add_bizna'),
path('bizna/',views.viewBizna, name = 'view_bizna'),
path('viewbizna/<int:pk>/',views.bizna, name = 'bizna'),
path('post/',views.create_post, name = 'post'),
path('posts/',views.viewPost, name = 'posts'),
path('searchbizna/', views.searchBizna, name="search_results"),
path('searchhood/', views.searchHood, name="search_res"),
path('join_hood/<id>', views.join_neighbourhood, name='join-hood'),
path('leave_hood/<id>', views.leave_neighbourhood, name='leave-hood'),
] | [((78, 116), 'django.urls.path', 'path', (['"""home/"""', 'views.home'], {'name': '"""home"""'}), "('home/', views.home, name='home')\n", (82, 116), False, 'from django.urls import path, include\n'), ((124, 185), 'django.urls.path', 'path', (['"""add_hood/"""', 'views.uploadNeighbourhood'], {'name': '"""add_hood"""'}), "('add_hood/', views.uploadNeighbourhood, name='add_hood')\n", (128, 185), False, 'from django.urls import path, include\n'), ((192, 242), 'django.urls.path', 'path', (['"""viewhood/"""', 'views.viewHood'], {'name': '"""viewhood"""'}), "('viewhood/', views.viewHood, name='viewhood')\n", (196, 242), False, 'from django.urls import path, include\n'), ((249, 296), 'django.urls.path', 'path', (['"""hood/<int:pk>/"""', 'views.hood'], {'name': '"""hood"""'}), "('hood/<int:pk>/', views.hood, name='hood')\n", (253, 296), False, 'from django.urls import path, include\n'), ((303, 361), 'django.urls.path', 'path', (['"""add_bizna/"""', 'views.uploadBuisness'], {'name': '"""add_bizna"""'}), "('add_bizna/', views.uploadBuisness, name='add_bizna')\n", (307, 361), False, 'from django.urls import path, include\n'), ((368, 418), 'django.urls.path', 'path', (['"""bizna/"""', 'views.viewBizna'], {'name': '"""view_bizna"""'}), "('bizna/', views.viewBizna, name='view_bizna')\n", (372, 418), False, 'from django.urls import path, include\n'), ((425, 479), 'django.urls.path', 'path', (['"""viewbizna/<int:pk>/"""', 'views.bizna'], {'name': '"""bizna"""'}), "('viewbizna/<int:pk>/', views.bizna, name='bizna')\n", (429, 479), False, 'from django.urls import path, include\n'), ((486, 531), 'django.urls.path', 'path', (['"""post/"""', 'views.create_post'], {'name': '"""post"""'}), "('post/', views.create_post, name='post')\n", (490, 531), False, 'from django.urls import path, include\n'), ((538, 582), 'django.urls.path', 'path', (['"""posts/"""', 'views.viewPost'], {'name': '"""posts"""'}), "('posts/', views.viewPost, name='posts')\n", (542, 582), False, 'from django.urls import path, include\n'), ((589, 651), 'django.urls.path', 'path', (['"""searchbizna/"""', 'views.searchBizna'], {'name': '"""search_results"""'}), "('searchbizna/', views.searchBizna, name='search_results')\n", (593, 651), False, 'from django.urls import path, include\n'), ((657, 713), 'django.urls.path', 'path', (['"""searchhood/"""', 'views.searchHood'], {'name': '"""search_res"""'}), "('searchhood/', views.searchHood, name='search_res')\n", (661, 713), False, 'from django.urls import path, include\n'), ((719, 785), 'django.urls.path', 'path', (['"""join_hood/<id>"""', 'views.join_neighbourhood'], {'name': '"""join-hood"""'}), "('join_hood/<id>', views.join_neighbourhood, name='join-hood')\n", (723, 785), False, 'from django.urls import path, include\n'), ((791, 860), 'django.urls.path', 'path', (['"""leave_hood/<id>"""', 'views.leave_neighbourhood'], {'name': '"""leave-hood"""'}), "('leave_hood/<id>', views.leave_neighbourhood, name='leave-hood')\n", (795, 860), False, 'from django.urls import path, include\n')] |
chetanya-shrimali/scancode-toolkit | src/licensedcode/tokenize.py | a1a22fb225cbeb211bd6f92272a46f1351f57d6b | # -*- coding: utf-8 -*-
#
# Copyright (c) 2017 nexB Inc. and others. All rights reserved.
# http://nexb.com and https://github.com/nexB/scancode-toolkit/
# The ScanCode software is licensed under the Apache License version 2.0.
# Data generated with ScanCode require an acknowledgment.
# ScanCode is a trademark of nexB Inc.
#
# You may not use this software except in compliance with the License.
# You may obtain a copy of the License at: http://apache.org/licenses/LICENSE-2.0
# Unless required by applicable law or agreed to in writing, software distributed
# under the License is distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR
# CONDITIONS OF ANY KIND, either express or implied. See the License for the
# specific language governing permissions and limitations under the License.
#
# When you publish or redistribute any data created with ScanCode or any ScanCode
# derivative work, you must accompany this data with the following acknowledgment:
#
# Generated with ScanCode and provided on an "AS IS" BASIS, WITHOUT WARRANTIES
# OR CONDITIONS OF ANY KIND, either express or implied. No content created from
# ScanCode should be considered or used as legal advice. Consult an Attorney
# for any legal advice.
# ScanCode is a free software code scanning tool from nexB Inc. and others.
# Visit https://github.com/nexB/scancode-toolkit/ for support and download.
from __future__ import absolute_import
from __future__ import print_function
from __future__ import unicode_literals
from itertools import islice
from itertools import izip
import re
from zlib import crc32
from textcode.analysis import text_lines
"""
Utilities to break texts in lines and tokens (aka. words) with specialized version
for queries and rules texts.
"""
def query_lines(location=None, query_string=None, strip=True):
"""
Return an iterable of text lines given a file at `location` or a
`query string`. Include empty lines.
"""
# TODO: OPTIMIZE: tokenizing line by line may be rather slow
# we could instead get lines and tokens at once in a batch?
lines = []
if location:
lines = text_lines(location, demarkup=False)
elif query_string:
if strip:
keepends = False
else:
keepends = True
lines = query_string.splitlines(keepends)
for line in lines:
if strip:
yield line.strip()
else:
yield line
# Split on whitespace and punctuations: keep only characters
# and + in the middle or end of a word.
# Keeping the trailing + is important for licenses name such as GPL2+
query_pattern = '[^\W_]+\+?[^\W_]*'
word_splitter = re.compile(query_pattern, re.UNICODE).findall
def query_tokenizer(text, lower=True):
"""
Return an iterable of tokens from a unicode query text.
"""
if not text:
return []
text = lower and text.lower() or text
return (token for token in word_splitter(text) if token)
# Alternate pattern used for matched text collection
not_query_pattern = '[\W_+]+[\W_]?'
# collect tokens and non-token texts in two different groups
_text_capture_pattern = '(?P<token>' + query_pattern + ')' + '|' + '(?P<punct>' + not_query_pattern + ')'
tokens_and_non_tokens = re.compile(_text_capture_pattern, re.UNICODE).finditer
def matched_query_text_tokenizer(text):
"""
Return an iterable of tokens and non-tokens from a unicode query text keeping
everything (including punctuations, line endings, etc.)
The returned iterable contains 2-tuples of:
- True if the string is a text token or False if this is not (such as punctuation, spaces, etc).
- the corresponding string
This is used to reconstruct the matched query text accurately.
"""
if not text:
return
for match in tokens_and_non_tokens(text):
if not match:
continue
mgd = match.groupdict()
token = mgd.get('token')
punct = mgd.get('punct')
if token or punct:
yield (True, token) if token else (False, punct)
# Template-aware splitter, keeping a templated part {{anything}} as a token.
# This splitter yields plain token strings or double braces-enclosed strings
# {{something}} for templates. curly barces are otherwise treated as punctuation.
# A template part is anything enclosed in double braces
template_pattern = '\{\{[^{}]*\}\}'
rule_pattern = '%s|%s+' % (query_pattern, template_pattern,)
template_splitter = re.compile(rule_pattern , re.UNICODE).findall
def rule_tokenizer(text, lower=True):
"""
Return an iterable of tokens from a unicode rule text, skipping templated
parts, including leading and trailing templated parts.
For example:
>>> list(rule_tokenizer(''))
[]
>>> list(rule_tokenizer('some Text with spAces! + _ -'))
[u'some', u'text', u'with', u'spaces']
Unbalanced templates are handled correctly:
>>> list(rule_tokenizer('{{}some }}Text with spAces! + _ -'))
[u'some', u'text', u'with', u'spaces']
Templates are handled and skipped for templated sequences:
>>> list(rule_tokenizer('{{Hi}}some {{}}Text with{{noth+-_!@ing}} {{junk}}spAces! + _ -{{}}'))
[u'some', u'text', u'with', u'spaces']
"""
if not text:
return []
text = lower and text.lower() or text
tokens = template_splitter(text)
# skip templates
return (token for token in tokens if token and not token.startswith('{{'))
def ngrams(iterable, ngram_length):
"""
Return an iterable of ngrams of length `ngram_length` given an iterable.
Each ngram is a tuple of ngram_length items.
The returned iterable is empty if the input iterable contains less than
`ngram_length` items.
Note: this is a fairly arcane but optimized way to compute ngrams.
For example:
>>> list(ngrams([1,2,3,4,5], 2))
[(1, 2), (2, 3), (3, 4), (4, 5)]
>>> list(ngrams([1,2,3,4,5], 4))
[(1, 2, 3, 4), (2, 3, 4, 5)]
>>> list(ngrams([1,2,3,4], 2))
[(1, 2), (2, 3), (3, 4)]
>>> list(ngrams([1,2,3], 2))
[(1, 2), (2, 3)]
>>> list(ngrams([1,2], 2))
[(1, 2)]
>>> list(ngrams([1], 2))
[]
This also works with arrays or tuples:
>>> from array import array
>>> list(ngrams(array(b'h', [1,2,3,4,5]), 2))
[(1, 2), (2, 3), (3, 4), (4, 5)]
>>> list(ngrams(tuple([1,2,3,4,5]), 2))
[(1, 2), (2, 3), (3, 4), (4, 5)]
"""
return izip(*(islice(iterable, i, None) for i in range(ngram_length)))
def select_ngrams(ngrams, with_pos=False):
"""
Return an iterable as a subset of a sequence of ngrams using the hailstorm
algorithm. If `with_pos` is True also include the starting position for the ngram
in the original sequence.
Definition from the paper: http://www2009.eprints.org/7/1/p61.pdf
The algorithm first fingerprints every token and then selects a shingle s if
the minimum fingerprint value of all k tokens in s occurs at the first or the
last position of s (and potentially also in between). Due to the
probabilistic properties of Rabin fingerprints the probability that a shingle
is chosen is 2/k if all tokens in the shingle are different.
For example:
>>> list(select_ngrams([(2, 1, 3), (1, 1, 3), (5, 1, 3), (2, 6, 1), (7, 3, 4)]))
[(2, 1, 3), (1, 1, 3), (2, 6, 1), (7, 3, 4)]
Positions can also be included. In this case, tuple of (pos, ngram) are returned:
>>> list(select_ngrams([(2, 1, 3), (1, 1, 3), (5, 1, 3), (2, 6, 1), (7, 3, 4)], with_pos=True))
[(0, (2, 1, 3)), (1, (1, 1, 3)), (3, (2, 6, 1)), (4, (7, 3, 4))]
This works also from a generator:
>>> list(select_ngrams(x for x in [(2, 1, 3), (1, 1, 3), (5, 1, 3), (2, 6, 1), (7, 3, 4)]))
[(2, 1, 3), (1, 1, 3), (2, 6, 1), (7, 3, 4)]
"""
last = None
for i, ngram in enumerate(ngrams):
# FIXME: use a proper hash
nghs = [crc32(str(ng)) for ng in ngram]
min_hash = min(nghs)
if with_pos:
ngram = (i, ngram,)
if nghs[0] == min_hash or nghs[-1] == min_hash:
yield ngram
last = ngram
else:
# always yield the first or last ngram too.
if i == 0:
yield ngram
last = ngram
if last != ngram:
yield ngram
| [((2654, 2691), 're.compile', 're.compile', (['query_pattern', 're.UNICODE'], {}), '(query_pattern, re.UNICODE)\n', (2664, 2691), False, 'import re\n'), ((3237, 3282), 're.compile', 're.compile', (['_text_capture_pattern', 're.UNICODE'], {}), '(_text_capture_pattern, re.UNICODE)\n', (3247, 3282), False, 'import re\n'), ((4456, 4492), 're.compile', 're.compile', (['rule_pattern', 're.UNICODE'], {}), '(rule_pattern, re.UNICODE)\n', (4466, 4492), False, 'import re\n'), ((2120, 2156), 'textcode.analysis.text_lines', 'text_lines', (['location'], {'demarkup': '(False)'}), '(location, demarkup=False)\n', (2130, 2156), False, 'from textcode.analysis import text_lines\n'), ((6423, 6448), 'itertools.islice', 'islice', (['iterable', 'i', 'None'], {}), '(iterable, i, None)\n', (6429, 6448), False, 'from itertools import islice\n')] |
ufpa-organization-repositories/evolutionary-computing | homework_05/graficos_3.py | e16786f9619e2b357b94ab91ff3a7b352e6a0d92 | # ensaio = [[[[1, 999.4951009067408, 999.495100909791, '1001100.11100010011001100001001', '100011.10010111010000111110100', '1', '1'], [2, 999.5052434400473, 999.5052434497359, '0000100.11100010011001100001001', '111011.10010111010000111110000', '1', '2'], [3, 999.51676448592, 999.516764613072, '0000100.11100010011001100001001', '011011.10010111010000111110100', '1', '3'], [4, 999.5986670278455, 999.5986691897469, '0000100.11100010011001100001001', '001011.10010111010000111110100', '1', '4'], [5, 999.8231043912172, 999.8231154915733, '0000100.11100010011001100001001', '000011.10010111010000111110100', '1', '5'], [6, 999.8507392915436, 999.8507498599146, '0000100.11101010011001100001001', '000011.10010111010000111110100', '1', '6'], [7, 999.8770250807991, 999.8770357110892, '0000100.11101010011001100001001', '000011.10011011010000111110110', '1', '7'], [8, 999.9035511429103, 999.9035563402527, '0000100.11111011011001100001001', '000011.10011011010000111110110', '1', '8'], [9, 999.8985266375895, 999.8985377843169, '0000100.11111011011001100001001', '000011.11011011010000111110110', '1', '9'], [10, 999.9175205241293, 999.9175299982971, '0000100.11111001011001100001001', '000011.11011011010000111110110', '1', '10']]], [[[999.7693956630327, 999.5712824548395, 999.5712938998612, '-1111.1100110000001100100111', '1100.0111101110100011011001101', '2', '1'], [999.772264826825, 999.722709716149, 999.7227150806862, '-1111.1100110000001100000111', '1100.0101101110011011011001101', '2', '2'], [999.772309110711, 999.7568109989896, 999.7568135752206, '-1111.1100110000001100000101', '1100.0101111110011011011001101', '2', '3'], [999.7723098264468, 999.7626773116484, 999.762679240235, '-1111.1100110010001000000111', '1100.0101111110011011011001101', '2', '4'], [999.772309861109, 999.7628189867448, 999.7628208837242, '-1111.1100110010101100000111', '1100.0101111111011011011001101', '2', '5'], [999.7723098614766, 999.7575339099722, 999.7575364450361, '-1111.1100110010011100000111', '1100.0101111111001011011001101', '2', '6'], [999.7723098614781, 999.7330120594124, 999.7330190985555, '-1111.1100110010011100000111', '1100.0101111111001011011101101', '2', '7'], [999.7723098614792, 999.7425919826176, 999.7425978232334, '-1111.1100110010011100000011', '1100.0101111111001011011101101', '2', '8'], [999.7723098614795, 999.7521383886242, 999.7521421922053, '-1111.1100110010011100000011', '1100.0101111111001011011111101', '2', '9'], [999.7723098614797, 999.7479881509024, 999.7479935597561, '-1111.1100110010011100000010', '1100.0101111111001011011111101', '2', '10']]]]
ensaio = [[[[999.5055172457077, 999.4950089601775, 999.4950089625081, '1000110.11100010011001100001001', '110011.10010111010000111110100', '1', '1'], [999.5061559955897, 999.5023090273177, 999.502309034424, '1000100.01100010011001100001001', '110111.10010111010000111110110', '1', '2'], [999.5064522811073, 999.503907723421, 999.503907729031, '1000110.11110010001001100001001', '110011.11010111010000111110110', '1', '3'], [999.5121423697065, 999.5035214104588, 999.5035214189329, '1000100.01100010001001100001001', '010111.11010111010000111110110', '1', '4'], [999.5129192569484, 999.5073323118404, 999.5073323302529, '1000100.01100010001001100001001', '010111.01010111010000111110110', '1', '5'], [999.5129217445863, 999.5088300870693, 999.5088303022028, '1000100.01100010001001100001001', '010111.01010011010000111100000', '1', '6'], [999.5129221606866, 999.5109518591257, 999.5109518758048, '1000100.01100010001001100001001', '010111.01010010010000111100000', '1', '7'], [999.5129230124272, 999.512166424112, 999.5121664266934, '1000100.01100000001001100001001', '010111.01010011010000111100000', '1', '8'], [999.5129230131629, 999.5124005902164, 999.5124005938198, '1000100.01100000001001100001001', '010111.01010011010010111100000', '1', '9'], [999.5129230148639, 999.5103974240145, 999.5103976354789, '1000100.01100000001011100001001', '010111.01010011010010111110000', '1', '10'], [999.5129230160566, 999.5122248009202, 999.5122248072961, '1000100.01100000001011100001001', '010111.01010011011010111110000', '1', '11'], [999.5129230160816, 999.5098512171988, 999.5098514317501, '1000100.01100000001011101001001', '010111.01010011011010111111010', '1', '12'], [999.5129230161706, 999.5117481943298, 999.5117482051002, '1000100.01100000001011100001101', '010111.01010011011110111110000', '1', '13'], [999.512923016171, 999.5123140953751, 999.5123140998094, '1000100.01100000001011100000101', '010111.01010011011110111110000', '1', '14'], [999.5129230161734, 999.5118310368094, 999.5118310431579, '1000100.01100000001011100000101', '010111.01010011011110101100000', '1', '15'], [999.5129230161741, 999.5121210327977, 999.5121210375976, '1000100.01100000001011100000101', '010111.01010011011110011000000', '1', '16'], [999.5129230161741, 999.5094388460799, 999.5094390635309, '1000100.01100000001011100001101', '010111.01010011011110011000000', '1', '17'], [999.6136428564632, 999.5131524131325, 999.5131524699873, '0000100.01100000001011100000111', '011111.01010011011110011000000', '1', '18'], [999.6171227592827, 999.5505819522255, 999.5505841236918, '0000100.00100000001011100000111', '011111.01010011011110011000000', '1', '19'], [999.6260388885507, 999.6021087614022, 999.6021098942948, '0000100.00100000001011100001111', '011111.00010011011110011000000', '1', '20'], [999.6264039047687, 999.6120960828682, 999.6120968350307, '0000100.01000000001011100001111', '011111.00010011011110011000000', '1', '21'], [999.8211587180026, 999.6202616252683, 999.6202623370596, '0000100.01000000101011100001111', '001111.00010011011110011000000', '1', '22'], [999.8217737535546, 999.697569365876, 999.6975767463806, '0000100.01100000101011100001111', '001111.00010011001110011000000', '1', '23'], [999.821774465545, 999.7883631635897, 999.7883680067487, '0000100.01100000101011100001111', '001111.00010011001010011000000', '1', '24'], [999.82177567708, 999.7936505713287, 999.7936562996696, '0000100.01100000101011100001111', '001111.00010011000010011000000', '1', '25'], [999.8217757540084, 999.7949952836876, 999.7949996579591, '0000100.01100000101001100001111', '001111.00010011000010011000000', '1', '26'], [999.8217757867357, 999.770910115756, 999.7709198320904, '0000100.01100000101001100001110', '001111.00010011000010001000000', '1', '27'], [999.8217760768566, 999.7999669197359, 999.7999704691948, '0000100.01100000100001100001111', '001111.00010011000010001000000', '1', '28'], [999.8217761040349, 999.7895584591176, 999.7895643944065, '0000100.01100000100000100001111', '001111.00010011000010001100000', '1', '29'], [999.8217763006218, 999.8015467435569, 999.8015498310361, '0000100.01100000100001100001111', '001111.00010011000000001100000', '1', '30'], [999.821777162837, 999.8026923323965, 999.8026955300638, '0000100.01100000000000100001111', '001111.00010011000000001100000', '1', '31'], [999.8217771727744, 999.7826338356463, 999.7826402977803, '0000100.01100000000000000001111', '001111.00010011000000001100000', '1', '32'], [999.8217771730834, 999.7954080350157, 999.7954132850714, '0000100.01100000000000000000111', '001111.00010011000000001100000', '1', '33'], [999.8217771814129, 999.7891788101246, 999.7891832957444, '0000100.01100000000000000001011', '001111.00010011000000000100000', '1', '34'], [999.8217771814129, 999.779756867161, 999.7797618660151, '0000100.01100000000000000001011', '001111.00010011000000000100000', '1', '35'], [999.8217771859341, 999.7965076465391, 999.7965124112385, '0000100.01100000000000000000011', '001111.00010011000000000000000', '1', '36'], [999.8217771859341, 999.7767424591482, 999.7767507895039, '0000100.01100000000000000000011', '001111.00010011000000000000000', '1', '37'], [999.8217771859341, 999.7955815446758, 999.7955854201596, '0000100.01100000000000000000011', '001111.00010011000000000000000', '1', '38'], [999.8217771860104, 999.8015952900396, 999.8015986343482, '0000100.01100000000000000000001', '001111.00010011000000000000000', '1', '39'], [999.8217771860104, 999.7934819396916, 999.7934871695738, '0000100.01100000000000000000001', '001111.00010011000000000000000', '1', '40'], [999.8217771860486, 999.7773839039404, 999.7773933561947, '0000100.01100000000000000000000', '001111.00010011000000000000000', '1', '41'], [999.8217771860486, 999.783660016008, 999.7836662811018, '0000100.01100000000000000000000', '001111.00010011000000000000000', '1', '42'], [999.8217771860486, 999.7958411966919, 999.795845719919, '0000100.01100000000000000000000', '001111.00010011000000000000000', '1', '43'], [999.8217771860486, 999.7972260972415, 999.7972300549476, '0000100.01100000000000000000000', '001111.00010011000000000000000', '1', '44'], [999.8217771860486, 999.7875592201804, 999.7875655527954, '0000100.01100000000000000000000', '001111.00010011000000000000000', '1', '45'], [999.8217771860486, 999.7986952413885, 999.7986981703359, '0000100.01100000000000000000000', '001111.00010011000000000000000', '1', '46'], [999.8368643971163, 999.7873402119594, 999.7873465619066, '0000110.01100000000000000000000', '001011.00010011000000000000000', '1', '47'], [999.8539918915938, 999.743968963303, 999.7439774564771, '0000110.01000000000000000000000', '001011.00010011000000000000000', '1', '48'], [999.8718376250218, 999.8329135403696, 999.8329160040116, '0000110.00000000000000000000000', '001011.00010011000000000001000', '1', '49'], [999.8730076853732, 999.8170345524384, 999.8170444276267, '0000110.00000000000000000000000', '001011.00000111000000000000000', '1', '50'], [999.8730079454864, 999.8534036100392, 999.8534080537578, '0000110.00000000000100000000000', '001011.00000111000000000000000', '1', '51'], [999.8730094220132, 999.8254442447443, 999.8254545384234, '0000110.00000000000100000000000', '001011.00000111100000000000000', '1', '52'], [999.8730094609027, 999.8240493025111, 999.8240596888387, '0000110.00000000000000000000010', '001011.00000111100000000000000', '1', '53'], [999.8730094609308, 999.8567791347726, 999.8567827934108, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '54'], [999.8730094609308, 999.8250568887524, 999.8250663348676, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '55'], [999.8730094609308, 999.8330185330742, 999.8330279534193, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '56'], [999.8730094609308, 999.8252124106773, 999.8252255327653, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '57'], [999.8730094609308, 999.8392233081582, 999.839230947986, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '58'], [999.8730094609308, 999.8523466142693, 999.8523506989067, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '59'], [999.8730094609308, 999.8497053440487, 999.8497109413688, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '60'], [999.8730094609308, 999.8437574953132, 999.8437620179748, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '61'], [999.8730094609308, 999.8509939903805, 999.850997999749, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '62'], [999.8730094609308, 999.8342054835687, 999.8342140911984, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '63'], [999.8730094609308, 999.8243653301047, 999.8243759247314, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '64'], [999.8730094609308, 999.8458875734631, 999.8458915389679, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '65'], [999.8730094609308, 999.8091485027719, 999.8091642934783, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '66'], [999.8730094609308, 999.840855350452, 999.8408632817996, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '67'], [999.8730094609308, 999.8374768400587, 999.8374829018964, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '68'], [999.8730094609308, 999.8209225593724, 999.8209344362921, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '69'], [999.8730094609308, 999.8344120137165, 999.8344185676933, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '70'], [999.8730094609308, 999.7989874917521, 999.7990044701596, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '71'], [999.8730094609308, 999.8243053763531, 999.8243174266782, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '72'], [999.8730094609308, 999.8248133595439, 999.8248245385398, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '73'], [999.8730094609308, 999.8118915784793, 999.8119043460133, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '74'], [999.8730094609308, 999.8456758352268, 999.8456828038658, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '75'], [999.8730094609308, 999.8196782007191, 999.8196884936841, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '76'], [999.8730094609308, 999.8441604144226, 999.8441675238747, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '77'], [999.8730094609308, 999.8310132904959, 999.8310222173927, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '78'], [999.8730094609308, 999.8408824791213, 999.8408885346764, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '79'], [999.8730094609308, 999.8241164986337, 999.8241269556786, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '80'], [999.8730094609308, 999.833255096412, 999.8332647952477, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '81'], [999.8730094609308, 999.8311408620457, 999.8311504582193, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '82'], [999.8730094609308, 999.8532349014328, 999.8532384929755, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '83'], [999.8730094609308, 999.8158242106164, 999.8158394591195, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '84'], [999.8730094609308, 999.8278426562607, 999.8278524832605, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '85'], [999.8730094609308, 999.813233359743, 999.813247678699, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '86'], [999.8730094609308, 999.8458051835329, 999.8458105862649, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '87'], [999.8730094609308, 999.8427099859666, 999.8427157572744, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '88'], [999.8730094609308, 999.853496353807, 999.8534988865481, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '89'], [999.8730094609308, 999.8271230532196, 999.8271312643403, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '90'], [999.8730094609308, 999.8090642177318, 999.8090796685655, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '91'], [999.8730094609308, 999.8374933285403, 999.8375023929756, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '92'], [999.8730094609308, 999.8247336774502, 999.824746665103, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '93'], [999.8730094609308, 999.843543892877, 999.8435497623082, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '94'], [999.8730094609308, 999.8369579688671, 999.836964972773, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '95'], [999.8730094609308, 999.8382486418669, 999.8382552155148, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '96'], [999.8730094609308, 999.812118129547, 999.812132388636, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '97'], [999.8730094609308, 999.8281144119024, 999.8281223796384, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '98'], [999.8730094609308, 999.857130396695, 999.8571342862385, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '99'], [999.8730094609308, 999.8300651844189, 999.83007537855, '0000110.00000000000000000000000', '001011.00000111100000000000000', '1', '100']]], [[[999.7016408855598, 999.5826741300086, 999.5826853160308, '-1111.1100101000001100000111', '1100.1110101110111011011001101', '2', '1'], [999.7092958816446, 999.6874488925554, 999.6874505734821, '-1111.1100110000011100000111', '1100.1110010110111011011001101', '2', '2'], [999.7472942718605, 999.6879368127139, 999.6879408726918, '-1111.1111101000001100000111', '1100.1110010110111011011001101', '2', '3'], [999.7719885419623, 999.7311582685245, 999.7311607900994, '-1111.1101101000001100000111', '1100.0110010110111011011001101', '2', '4'], [999.7719958210047, 999.7426269216629, 999.7426307637352, '-1111.1101101000101100000111', '1100.0110010111111011011001101', '2', '5'], [999.7723097371343, 999.7552681856002, 999.7552703778721, '-1111.1101001000101100000111', '1100.0110010111111011011001101', '2', '6'], [999.7793512301278, 999.7640814632869, 999.764082452342, '-1101.1101101000101100000111', '0100.0110010111111011011001101', '2', '7'], [999.9228545738217, 999.7077598915633, 999.7077733873889, '-0101.1101101000101100000111', '0100.0110110111111011011001001', '2', '8'], [999.9305403029967, 999.8270446506408, 999.8270521909152, '-0101.1101001000101100000111', '0100.0110110111111011011001001', '2', '9'], [999.9616272865737, 999.8973155021027, 999.8973255483979, '-0101.1001001000101100000111', '0100.0110010111111011011001001', '2', '10'], [999.9626167880889, 999.9175069285311, 999.9175158060559, '-0101.1001001000101000000111', '0100.0110110111111011011001011', '2', '11'], [999.9627227089777, 999.9087387477744, 999.9087566234491, '-0101.1001000000101000000111', '0100.0110110111111011011001011', '2', '12'], [999.9627720077021, 999.9420125513107, 999.9420162122087, '-0101.1001000000101000000111', '0100.0110111111111011011001011', '2', '13'], [999.9627733478749, 999.9213723068461, 999.9213879217866, '-0101.1001000000001000000111', '0100.0110111111111111011001011', '2', '14'], [999.9627733478749, 999.9289393641121, 999.9289493256063, '-0101.1001000000001000000111', '0100.0110111111111111011001011', '2', '15'], [999.9627733645206, 999.9391271814425, 999.9391359897663, '-0101.1001000000001000000111', '0100.0110111111111111111001011', '2', '16'], [999.9627733655591, 999.925352985452, 999.9253683579597, '-0101.1001000000001000000111', '0100.0110111111111111111011011', '2', '17'], [999.9627736244964, 999.9303112230087, 999.9303235372643, '-0101.1001000000000000000111', '0100.0110111111111111111011011', '2', '18'], [999.9627736269571, 999.9342454376479, 999.9342525609261, '-0101.1001000000000000000110', '0100.0110111111111111111111011', '2', '19'], [999.9627736289245, 999.927611067865, 999.9276211472512, '-0101.1001000000000000000010', '0100.0110111111111111111111011', '2', '20'], [999.962773629908, 999.9333867131229, 999.9333983016696, '-0101.1001000000000000000000', '0100.0110111111111111111111011', '2', '21'], [999.962773629908, 999.9154455050592, 999.9154627335046, '-0101.1001000000000000000000', '0100.0110111111111111111111011', '2', '22'], [999.962773629908, 999.9226843326086, 999.9226978500399, '-0101.1001000000000000000000', '0100.0110111111111111111111011', '2', '23'], [999.962773629908, 999.8946120264736, 999.8946321083848, '-0101.1001000000000000000000', '0100.0110111111111111111111011', '2', '24'], [999.9627736301538, 999.9005656342528, 999.9005884029532, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '25'], [999.9627736301538, 999.9209591491353, 999.9209725013243, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '26'], [999.9627736301538, 999.9411116443621, 999.941119154247, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '27'], [999.9627736301538, 999.924378024371, 999.9243915441537, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '28'], [999.9627736301538, 999.9008520295628, 999.9008727211726, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '29'], [999.9627736301538, 999.9407470209995, 999.9407547634328, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '30'], [999.9627736301538, 999.8989037939795, 999.8989244270509, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '31'], [999.9627736301538, 999.9235434571644, 999.9235547173477, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '32'], [999.9627736301538, 999.9321507640036, 999.9321630397646, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '33'], [999.9627736301538, 999.9176309999915, 999.9176452343788, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '34'], [999.9627736301538, 999.9331125009834, 999.9331217004207, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '35'], [999.9627736301538, 999.9076607437842, 999.9076807658665, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '36'], [999.9627736301538, 999.9403141424267, 999.9403225672678, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '37'], [999.9627736301538, 999.9021311006627, 999.9021521821135, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '38'], [999.9627736301538, 999.9401596165948, 999.9401655364009, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '39'], [999.9627736301538, 999.9495919920113, 999.9495966532922, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '40'], [999.9627736301538, 999.8946078573654, 999.8946296968699, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '41'], [999.9627736301538, 999.8955760682678, 999.8955973238507, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '42'], [999.9627736301538, 999.9368745457496, 999.9368806378437, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '43'], [999.9627736301538, 999.9111756426003, 999.911195599756, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '44'], [999.9627736301538, 999.9215668378042, 999.9215782521916, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '45'], [999.9627736301538, 999.9293752976683, 999.9293876251011, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '46'], [999.9627736301538, 999.9353336832459, 999.9353428529371, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '47'], [999.9627736301538, 999.9113904442881, 999.911408118351, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '48'], [999.9627736301538, 999.9454293240462, 999.9454347925209, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '49'], [999.9627736301538, 999.9216991532422, 999.9217106228342, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '50'], [999.9627736301538, 999.9153063400553, 999.9153239654318, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '51'], [999.9627736301538, 999.9424769336036, 999.9424848113576, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '52'], [999.9627736301538, 999.9213262992536, 999.9213398416433, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '53'], [999.9627736301538, 999.9356911605214, 999.9357003178277, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '54'], [999.9627736301538, 999.8836688678622, 999.8836960958141, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '55'], [999.9627736301538, 999.9238659052379, 999.9238767727902, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '56'], [999.9627736301538, 999.9421902540137, 999.942195627924, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '57'], [999.9627736301538, 999.913978046922, 999.913995371146, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '58'], [999.9627736301538, 999.9307541651668, 999.930766265551, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '59'], [999.9627736301538, 999.917466813486, 999.9174830064034, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '60'], [999.9627736301538, 999.9177909547516, 999.9178049652705, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '61'], [999.9627736301538, 999.8974653745807, 999.8974864412218, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '62'], [999.9627736301538, 999.9167010367336, 999.9167154726154, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '63'], [999.9627736301538, 999.9028018539743, 999.9028202102726, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '64'], [999.9627736301538, 999.9146005476176, 999.9146170736046, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '65'], [999.9627736301538, 999.8823493589832, 999.8823773031692, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '66'], [999.9627736301538, 999.933237165279, 999.9332466566148, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '67'], [999.9627736301538, 999.9176076159845, 999.9176240860028, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '68'], [999.9627736301538, 999.9337345550583, 999.9337434222135, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '69'], [999.9627736301538, 999.9175069195257, 999.9175182677416, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '70'], [999.9627736301538, 999.9505459879091, 999.9505478975434, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '71'], [999.9627736301538, 999.9092790402401, 999.9092988454323, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '72'], [999.9627736301538, 999.9284360074573, 999.928446284562, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '73'], [999.9627736301538, 999.9284431606919, 999.9284559579517, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '74'], [999.9627736301538, 999.9158991198694, 999.9159157050507, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '75'], [999.9627736301538, 999.9456921027671, 999.9456950515321, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '76'], [999.9627736301538, 999.9376945229467, 999.9377034505147, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '77'], [999.9627736301538, 999.890536905082, 999.890561246366, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '78'], [999.9627736301538, 999.9318200194544, 999.9318293361357, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '79'], [999.9627736301538, 999.924626401107, 999.9246394771502, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '80'], [999.9627736301538, 999.9620520317397, 999.9620520400143, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '81'], [999.9627736301538, 999.9449952556803, 999.9450003440431, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '82'], [999.9627736301538, 999.9078059457293, 999.9078240104251, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '83'], [999.9627736301538, 999.9095474278328, 999.9095655193347, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '84'], [999.9627736301538, 999.9330210762886, 999.9330307294509, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '85'], [999.9627736301538, 999.9092752672307, 999.9092925722051, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '86'], [999.9627736301538, 999.9477111879806, 999.9477143301928, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '87'], [999.9627736301538, 999.9403818878918, 999.9403879574614, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '88'], [999.9627736301538, 999.9270191464192, 999.9270316632984, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '89'], [999.9627736301538, 999.9131638413602, 999.9131783695678, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '90'], [999.9627736301538, 999.9083312173286, 999.9083510468276, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '91'], [999.9627736301538, 999.8956307597041, 999.8956544479677, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '92'], [999.9627736301538, 999.9213819411158, 999.9213949137147, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '93'], [999.9627736301538, 999.9305158778717, 999.9305279648216, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '94'], [999.9627736301538, 999.9126101617588, 999.912627113969, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '95'], [999.9627736301538, 999.9465908262782, 999.9465933229469, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '96'], [999.9627736301538, 999.9159566795611, 999.91597364103, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '97'], [999.9627736301538, 999.9065489829982, 999.9065717415594, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '98'], [999.9627736301538, 999.9125362897759, 999.9125535144328, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '99'], [999.9627736301538, 999.9479345224328, 999.9479390755544, '-0101.1001000000000000000000', '0100.0110111111111111111111111', '2', '100']]], [[[999.86932332529, 999.6452383256365, 999.6452462916142, '0111.001001001100001000011100', '101.101111011101000111001110', '3', '1'], [999.8862828783796, 999.8323547376108, 999.8323652452676, '0111.001101001100001000011100', '101.101111000101000101001110', '3', '2'], [999.9217841793488, 999.8680131769895, 999.868016633245, '0111.011101001100001000011100', '101.101111011101000101001110', '3', '3'], [999.9217842366672, 999.8879370151903, 999.8879469158362, '0111.011101001100001010011100', '101.101111011101000101001110', '3', '4'], [999.9218054773497, 999.8992288877562, 999.8992365122916, '0111.011101011100001010011100', '101.101111011101000101001110', '3', '5'], [999.9218106432569, 999.8887564310961, 999.88876737343, '0111.011101001110001010011100', '101.101111111101000101001110', '3', '6'], [999.9218106455693, 999.883147564089, 999.8831580149205, '0111.011101001110001011011100', '101.101111111101000101001110', '3', '7'], [999.9218107979548, 999.8887858885261, 999.8887948909683, '0111.011101001110001011011100', '101.101111111111000101001110', '3', '8'], [999.92181081259, 999.901561330004, 999.9015667191334, '0111.011101001110001011011100', '101.101111111111100101001110', '3', '9'], [999.9218108176373, 999.9042143256963, 999.9042184991297, '0111.011101001110101010111100', '101.101111111111100101001100', '3', '10'], [999.9218108176944, 999.9157084473464, 999.9157093541493, '0111.011101001110101010111100', '101.101111111111100100001110', '3', '11'], [999.9218108177832, 999.9108578398534, 999.910859637382, '0111.011101001110101000101100', '101.101111111111100101001100', '3', '12'], [999.9218108178501, 999.8853354575082, 999.8853464575976, '0111.011101001110100100101100', '101.101111111111100101001100', '3', '13'], [999.9218108178536, 999.8964213466234, 999.8964292590405, '0111.011101001110100100101100', '101.101111111111100111001100', '3', '14'], [999.9218108178565, 999.9010987718955, 999.9011055314653, '0111.011101001110100100101100', '101.101111111111100110001100', '3', '15'], [999.9218108178566, 999.8757784675668, 999.8757929066228, '0111.011101001110100100101100', '101.101111111111100110011100', '3', '16'], [999.9218108178566, 999.8963726590928, 999.8963825499835, '0111.011101001110100100101100', '101.101111111111100110011110', '3', '17'], [999.9218108178566, 999.9016235015888, 999.9016310141036, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '18'], [999.9218108178566, 999.8940969046383, 999.8941052589324, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '19'], [999.9218108178566, 999.8703349303775, 999.8703520899205, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '20'], [999.9218108178566, 999.8770787176899, 999.8770919459206, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '21'], [999.9218108178566, 999.9023344192906, 999.9023386490478, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '22'], [999.9218108178566, 999.9014975999316, 999.9015047675548, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '23'], [999.9218108178566, 999.8814364570599, 999.8814499395677, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '24'], [999.9218108178566, 999.884736085319, 999.8847466047813, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '25'], [999.9218108178566, 999.9122904403281, 999.9122935037744, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '26'], [999.9218108178566, 999.8761543549585, 999.8761706626726, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '27'], [999.9218108178566, 999.9038573254517, 999.9038637588583, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '28'], [999.9218108178566, 999.8863019420635, 999.8863086303153, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '29'], [999.9218108178566, 999.9082115628976, 999.9082134800018, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '30'], [999.9218108178566, 999.85178967281, 999.8518085273028, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '31'], [999.9218108178566, 999.8882558246594, 999.8882670110017, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '32'], [999.9218108178566, 999.8795540434825, 999.8795686241, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '33'], [999.9218108178566, 999.8960639145537, 999.896071889158, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '34'], [999.9218108178566, 999.8949432567056, 999.8949506218531, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '35'], [999.9218108178566, 999.9014171753215, 999.9014243190855, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '36'], [999.9218108178566, 999.8936456134012, 999.8936518689416, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '37'], [999.9218108178566, 999.9067475434047, 999.9067509869174, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '38'], [999.9218108178566, 999.896292763993, 999.8963002974325, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '39'], [999.9218108178566, 999.9066807180694, 999.9066830313349, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '40'], [999.9218108178566, 999.8764173496918, 999.8764339210978, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '41'], [999.9218108178566, 999.8924528887649, 999.8924591421357, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '42'], [999.9218108178566, 999.873302738872, 999.8733149226802, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '43'], [999.9218108178566, 999.903246824943, 999.903249419576, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '44'], [999.9218108178566, 999.8928457213556, 999.8928537918397, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '45'], [999.9218108178566, 999.9010281519884, 999.9010353018397, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '46'], [999.9218108178566, 999.895109502123, 999.8951177068002, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '47'], [999.9218108178566, 999.8678484569283, 999.8678659031527, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '48'], [999.9218108178566, 999.8910949295777, 999.8911025538438, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '49'], [999.9218108178566, 999.9050621255311, 999.9050667996848, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '50'], [999.9218108178566, 999.8937798567122, 999.893786787671, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '51'], [999.9218108178566, 999.9128055253697, 999.9128065698361, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '52'], [999.9218108178566, 999.8917453296859, 999.8917563788843, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '53'], [999.9218108178566, 999.8981032506761, 999.898111025223, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '54'], [999.9218108178566, 999.9015701900489, 999.9015772989051, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '55'], [999.9218108178566, 999.868728110511, 999.8687451832196, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '56'], [999.9218108178566, 999.8871113939912, 999.8871213185138, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '57'], [999.9218108178566, 999.901437977111, 999.9014431568362, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '58'], [999.9218108178566, 999.8919012294613, 999.8919102009515, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '59'], [999.9218108178566, 999.8952144395923, 999.8952249881069, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '60'], [999.9218108178566, 999.912098709745, 999.9121023731285, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '61'], [999.9218108178566, 999.8782086035833, 999.8782220846471, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '62'], [999.9218108178566, 999.8796654647235, 999.8796796223799, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '63'], [999.9218108178566, 999.9065269704138, 999.9065306255225, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '64'], [999.9218108178566, 999.8708292493991, 999.8708438141367, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '65'], [999.9218108178566, 999.8973867567859, 999.8973948315136, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '66'], [999.9218108178566, 999.9196345121994, 999.9196345548052, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '67'], [999.9218108178566, 999.9035792281534, 999.903584285901, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '68'], [999.9218108178566, 999.908453694065, 999.9084575781527, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '69'], [999.9218108178566, 999.9042030978692, 999.9042077837336, '0111.011101001110100100101110', '101.101111111111100110011110', '3', '70'], [999.9218108178566, 999.8771124988771, 999.8771254771164, '0111.011101001110100100101111', '101.101111111111100110010110', '3', '71'], [999.9218108178566, 999.9192235761383, 999.9192237228538, '0111.011101001110100100101111', '101.101111111111100110010111', '3', '72'], [999.9218108178566, 999.8780491626673, 999.8780641081144, '0111.011101001110100100101111', '101.101111111111100110010111', '3', '73'], [999.9218108178566, 999.9062967811706, 999.9063011335511, '0111.011101001110100100101111', '101.101111111111100110010111', '3', '74'], [999.9218108178566, 999.8815713898672, 999.881582659071, '0111.011101001110100100101111', '101.101111111111100110010111', '3', '75'], [999.9218108178566, 999.8853339514499, 999.8853459725996, '0111.011101001110100100101111', '101.101111111111100110010111', '3', '76'], [999.9218108178566, 999.8953598940565, 999.895366569004, '0111.011101001110100100101111', '101.101111111111100110010111', '3', '77'], [999.9218108178566, 999.894788807803, 999.8947970004936, '0111.011101001110100100101111', '101.101111111111100110010111', '3', '78'], [999.9218108178566, 999.8892174624625, 999.8892266377671, '0111.011101001110100100101111', '101.101111111111100110010111', '3', '79'], [999.9218108178566, 999.8914150132887, 999.8914252793165, '0111.011101001110100100101111', '101.101111111111100110010111', '3', '80'], [999.9218108178566, 999.868598212914, 999.8686143261262, '0111.011101001110100100101111', '101.101111111111100110010111', '3', '81'], [999.9218108178566, 999.8972762703681, 999.8972837922155, '0111.011101001110100100101111', '101.101111111111100110010111', '3', '82'], [999.9218108178566, 999.9024778236972, 999.9024838418667, '0111.011101001110100100101111', '101.101111111111100110010111', '3', '83'], [999.9218108178566, 999.8784745830469, 999.8784885926422, '0111.011101001110100100101111', '101.101111111111100110010111', '3', '84'], [999.9218108178566, 999.8928513329292, 999.8928609149989, '0111.011101001110100100101111', '101.101111111111100110010111', '3', '85'], [999.9218108178566, 999.9086835952814, 999.9086878839018, '0111.011101001110100100101111', '101.101111111111100110010111', '3', '86'], [999.9218108178566, 999.8933840997992, 999.8933940935037, '0111.011101001110100100101111', '101.101111111111100110010111', '3', '87'], [999.9218108178566, 999.8998316641622, 999.8998363700169, '0111.011101001110100100101111', '101.101111111111100110010111', '3', '88'], [999.9218108178566, 999.884274600888, 999.8842860533051, '0111.011101001110100100101111', '101.101111111111100110010111', '3', '89'], [999.9218108178566, 999.9123963011033, 999.9123999635336, '0111.011101001110100100101111', '101.101111111111100110010111', '3', '90'], [999.9218108178566, 999.9049127693553, 999.9049165618164, '0111.011101001110100100101111', '101.101111111111100110010111', '3', '91'], [999.9218108178566, 999.8954769146757, 999.8954846137209, '0111.011101001110100100101111', '101.101111111111100110010111', '3', '92'], [999.9218108178566, 999.9003981474287, 999.9004029540296, '0111.011101001110100100101111', '101.101111111111100110010111', '3', '93'], [999.9218108178566, 999.8758647407009, 999.8758810342299, '0111.011101001110100100101111', '101.101111111111100110010111', '3', '94'], [999.9218108178566, 999.8873003689191, 999.8873118026482, '0111.011101001110100100101111', '101.101111111111100110010111', '3', '95'], [999.9218108178566, 999.9085258782482, 999.9085276635986, '0111.011101001110100100101111', '101.101111111111100110010111', '3', '96'], [999.9218108178566, 999.917144909225, 999.9171451136175, '0111.011101001110100100101111', '101.101111111111100110010111', '3', '97'], [999.9218108178566, 999.8761156689903, 999.8761279956259, '0111.011101001110100100101111', '101.101111111111100110010111', '3', '98'], [999.9218108178566, 999.9016334299552, 999.9016360782994, '0111.011101001110100100101111', '101.101111111111100110010111', '3', '99'], [999.9218108178566, 999.8774973579816, 999.8775100088512, '0111.011101001110100100101111', '101.101111111111100110010111', '3', '100']]], [[[999.9171920669495, 999.5483795384512, 999.5483998246424, '-101.11100110000001100000111', '-1001.100110110011011011001101', '4', '1'], [999.9216427151088, 999.8069155291494, 999.806926935292, '-101.10101100010111000000111', '-1001.100111101111010011001101', '4', '2'], [999.9216452887626, 999.8878811895632, 999.8878916480293, '-101.10101100010111000000111', '-1001.100111101111110011001101', '4', '3'], [999.92171913273, 999.8793073048811, 999.8793184335793, '-101.10101110010111000000111', '-1001.100111101111110011001101', '4', '4'], [999.921734198264, 999.8647799102414, 999.8647960467575, '-101.10101110110111000000111', '-1001.100111101111110011001101', '4', '5'], [999.9217798712936, 999.8815315443887, 999.8815428278865, '-101.10101110110111000000111', '-1001.100111111111110011001101', '4', '6'], [999.9217799427214, 999.8937360263652, 999.8937439918799, '-101.10101110110111010000111', '-1001.100111111111110011001101', '4', '7'], [999.9217799784044, 999.8703585619372, 999.8703745313912, '-101.10101110110111011000111', '-1001.100111111111110011001101', '4', '8'], [999.9217822191059, 999.913768836376, 999.9137694735998, '-101.10101110111111011000111', '-1001.100111111111110011001101', '4', '9'], [999.9217824551487, 999.9074565837493, 999.9074600434635, '-101.10101110111111010001111', '-1001.100111111111111011001101', '4', '10'], [999.9217826464753, 999.8695455466419, 999.8695599510307, '-101.10101110111111111000111', '-1001.100111111111111011111101', '4', '11'], [999.9217973822433, 999.8938814996723, 999.8938895904349, '-101.10101111111111111000111', '-1001.100111111111111011011101', '4', '12'], [999.921797473472, 999.8859238707156, 999.8859339610694, '-101.10101111111111111000111', '-1001.100111111111111111011101', '4', '13'], [999.9217974851933, 999.8761487547141, 999.8761603911373, '-101.10101111111111111100111', '-1001.100111111111111111011101', '4', '14'], [999.9217975024263, 999.9068697075785, 999.9068731158825, '-101.10101111111111111110111', '-1001.100111111111111111111101', '4', '15'], [999.9217975031371, 999.8965373846679, 999.8965445769365, '-101.10101111111111111110111', '-1001.100111111111111111111111', '4', '16'], [999.9217975031371, 999.9023230974017, 999.9023283375366, '-101.10101111111111111110111', '-1001.100111111111111111111111', '4', '17'], [999.9217975031371, 999.9081017900277, 999.9081057781046, '-101.10101111111111111110111', '-1001.100111111111111111111111', '4', '18'], [999.9217975031371, 999.8966192715521, 999.8966271164458, '-101.10101111111111111110111', '-1001.100111111111111111111111', '4', '19'], [999.9217975060646, 999.8970581647035, 999.8970659324159, '-101.10101111111111111111111', '-1001.100111111111111111111111', '4', '20'], [999.9217975060646, 999.8698146167947, 999.8698299672285, '-101.10101111111111111111111', '-1001.100111111111111111111111', '4', '21'], [999.9534277761219, 999.8943434486131, 999.8943519747102, '-100.10101111111111111111111', '-0001.100111111111111111111111', '4', '22'], [999.9875167367439, 999.8647822552314, 999.8648036960271, '-100.11101111111111111111111', '-0001.100111111111111111111111', '4', '23'], [999.9901217635993, 999.9570491975412, 999.9570534468413, '-100.11101111111111111111101', '-0000.100111111111111111111111', '4', '24'], [999.990234349209, 999.9501945531048, 999.9502062864234, '-100.11101110011111111111111', '-0000.100111111111111111111111', '4', '25'], [999.9902838100883, 999.9658552331484, 999.965864775951, '-100.11101100011111111111111', '-0000.100111111111111011111111', '4', '26'], [999.9902840692441, 999.9366899600859, 999.9367091283873, '-100.11101100011111111111111', '-0000.100111110111111011111111', '4', '27'], [999.990284087874, 999.956051603643, 999.956065374591, '-100.11101100011111111111111', '-0000.100111110011111011111111', '4', '28'], [999.9902840881492, 999.9564822935308, 999.9564933344237, '-100.11101100011111111111111', '-0000.100111110011111111111111', '4', '29'], [999.9902840892461, 999.9483470733795, 999.9483630766492, '-100.11101100011111101111111', '-0000.100111110011111111111111', '4', '30'], [999.9902840901225, 999.9579344426481, 999.9579459691554, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '31'], [999.9902840901225, 999.9444847636842, 999.9445017043978, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '32'], [999.9902840901225, 999.9475120165667, 999.9475291510481, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '33'], [999.9902840901225, 999.9606251605603, 999.9606355995472, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '34'], [999.9902840901225, 999.9469177405379, 999.9469353851711, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '35'], [999.9902840901225, 999.9725018640297, 999.9725090370686, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '36'], [999.9902840901225, 999.9517288539204, 999.9517449270356, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '37'], [999.9902840901225, 999.955592907127, 999.9556064124341, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '38'], [999.9902840901225, 999.9598965169466, 999.9599080072812, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '39'], [999.9902840901225, 999.9641025188878, 999.9641118556597, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '40'], [999.9902840901225, 999.9798336952101, 999.9798381726855, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '41'], [999.9902840901225, 999.9460785909203, 999.9460961728107, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '42'], [999.9902840901225, 999.9473336254462, 999.9473492285648, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '43'], [999.9902840901225, 999.9725047729377, 999.972510506929, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '44'], [999.9902840901225, 999.9330701600032, 999.9330902429393, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '45'], [999.9902840901225, 999.9719876053682, 999.9719939916339, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '46'], [999.9902840901225, 999.9618973605297, 999.9619068963946, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '47'], [999.9902840901225, 999.9654653599541, 999.965474269154, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '48'], [999.9902840901225, 999.9597434409126, 999.9597545980989, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '49'], [999.9902840901225, 999.9533401551621, 999.9533535612879, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '50'], [999.9902840901225, 999.9504397172974, 999.950452969115, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '51'], [999.9902840901225, 999.9587668493665, 999.9587783276953, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '52'], [999.9902840901225, 999.9552973342259, 999.9553115773233, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '53'], [999.9902840901225, 999.9316707975621, 999.9316935592177, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '54'], [999.9902840901225, 999.9597840144447, 999.9597963576167, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '55'], [999.9902840901225, 999.9345936823743, 999.9346134627231, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '56'], [999.9902840901225, 999.9519922419178, 999.9520052555632, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '57'], [999.9902840901225, 999.9328976805795, 999.9329188772803, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '58'], [999.9902840901225, 999.959636492995, 999.9596472825691, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '59'], [999.9902840901225, 999.9507739971817, 999.9507891067939, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '60'], [999.9902840901225, 999.9382869366875, 999.9383055570596, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '61'], [999.9902840901225, 999.9485407414376, 999.9485545229472, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '62'], [999.9902840901225, 999.9728363983173, 999.9728437982305, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '63'], [999.9902840901225, 999.9623699821963, 999.9623799432686, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '64'], [999.9902840901225, 999.9786855553168, 999.9786899116739, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '65'], [999.9902840901225, 999.9717784113251, 999.9717841499333, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '66'], [999.9902840901225, 999.9480684609073, 999.9480839619221, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '67'], [999.9902840901225, 999.9622217685754, 999.9622316003737, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '68'], [999.9902840901225, 999.9419400529571, 999.9419583898194, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '69'], [999.9902840901225, 999.9576758398886, 999.9576879930846, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '70'], [999.9902840901225, 999.9751976631799, 999.9752025696238, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '71'], [999.9902840901225, 999.9456309062075, 999.9456494481108, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '72'], [999.9902840901225, 999.9514532221142, 999.9514680983159, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '73'], [999.9902840901225, 999.9411398424744, 999.941157424391, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '74'], [999.9902840901225, 999.9883949238906, 999.9883949701009, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '75'], [999.9902840901225, 999.9685569214207, 999.9685648467201, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '76'], [999.9902840901225, 999.951480870714, 999.9514962225334, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '77'], [999.9902840901225, 999.9597958151468, 999.9598066714492, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '78'], [999.9902840901225, 999.9592952312577, 999.9593064804999, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '79'], [999.9902840901225, 999.9518348317588, 999.9518469308879, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '80'], [999.9902840901225, 999.9612644080077, 999.961274102823, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '81'], [999.9902840901225, 999.9567730946495, 999.9567865041481, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '82'], [999.9902840901225, 999.9662592834499, 999.9662671540403, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '83'], [999.9902840901225, 999.9784333853298, 999.978436749752, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '84'], [999.9902840901225, 999.9779469230324, 999.9779504787789, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '85'], [999.9902840901225, 999.9722205861856, 999.9722270324854, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '86'], [999.9902840901225, 999.9805201469443, 999.9805242984266, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '87'], [999.9902840901225, 999.9616851210642, 999.9616962749694, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '88'], [999.9902840901225, 999.971984374829, 999.9719905790422, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '89'], [999.9902840901225, 999.9522352460249, 999.9522499160727, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '90'], [999.9902840901225, 999.9630695422666, 999.9630795829835, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '91'], [999.9902840901225, 999.9265877585508, 999.926611734689, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '92'], [999.9902840901225, 999.9545007254408, 999.9545158027262, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '93'], [999.9902840901225, 999.9685829365751, 999.9685916578572, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '94'], [999.9902840901225, 999.9522381971709, 999.9522531920561, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '95'], [999.9902840901225, 999.9610340604808, 999.9610459337783, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '96'], [999.9902840901225, 999.9729403054142, 999.972946892977, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '97'], [999.9902840901225, 999.9476960925753, 999.9477117126025, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '98'], [999.9902840901225, 999.9640499823377, 999.9640588958054, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '99'], [999.9902840901225, 999.9507360730001, 999.9507513168198, '-100.11101100011111001111111', '-0000.100111110011111111111111', '4', '100']]], [[[999.9848723514791, 999.7379136828553, 999.7379278680987, '-10.000100100101010110110000', '-11.10011110011000110001111', '5', '1'], [999.9888980310639, 999.9525014682616, 999.952507904108, '-10.000000100101010110110000', '-11.10011111011000110001111', '5', '2'], [999.9901739812913, 999.9729898789133, 999.9729928606251, '-10.000000100101010110110000', '-11.10001111011000110001111', '5', '3'], [999.9902031899035, 999.9768845731487, 999.976887170864, '-10.000000100101010110110000', '-11.10001111111000110001111', '5', '4'], [999.9902834170159, 999.9707841429856, 999.9707888866009, '-10.000001100101010110110000', '-11.10001111111001110001111', '5', '5'], [999.9902839513783, 999.9797418433699, 999.979743629611, '-10.000001100111010110100000', '-11.10001111101001110001111', '5', '6'], [999.9902840901187, 999.9827771717686, 999.9827781573192, '-10.000001100101010110110000', '-11.10001111101000010001110', '5', '7'], [999.9902840901198, 999.9777364260623, 999.977738356868, '-10.000001100101010110111000', '-11.10001111101000010001110', '5', '8'], [999.9902840901202, 999.9856921986835, 999.9856930479461, '-10.000001100101010110111100', '-11.10001111101000010001110', '5', '9'], [999.9902840901217, 999.9759448793992, 999.9759488375263, '-10.000001100101010111111100', '-11.10001111101000010001110', '5', '10'], [999.9902840901225, 999.9635537072671, 999.963558500932, '-10.000001100101010111111100', '-11.10001111101000010000110', '5', '11'], [999.9902840901225, 999.9580892829669, 999.958097766505, '-10.000001100101010111111100', '-11.10001111101000010000110', '5', '12'], [999.9902840901225, 999.9705898213442, 999.9705951773666, '-10.000001100101010111111101', '-11.10001111101000010000110', '5', '13'], [999.9902840901225, 999.9623123437506, 999.9623172577708, '-10.000001100101010111111101', '-11.10001111101000010000110', '5', '14'], [999.9902840901225, 999.9833474000086, 999.9833483613024, '-10.000001100101010111111101', '-11.10001111101000010000110', '5', '15'], [999.9902840901225, 999.9694925620468, 999.9694974939582, '-10.000001100101010111111101', '-11.10001111101000010000110', '5', '16'], [999.9902840901225, 999.9713405583867, 999.9713453168109, '-10.000001100101010111111101', '-11.10001111101000010000110', '5', '17'], [999.9902840901225, 999.9604323513765, 999.9604408385072, '-10.000001100101010111111101', '-11.10001111101000010000110', '5', '18'], [999.9902840901225, 999.9763662373546, 999.9763687192019, '-10.000001100101010111111101', '-11.10001111101000010000110', '5', '19'], [999.9902840901225, 999.9765052864964, 999.9765077909615, '-10.000001100101010111111101', '-11.10001111101000010000110', '5', '20'], [999.9902840901225, 999.9591339423268, 999.9591409708247, '-10.000001100101010111111101', '-11.10001111101000010000110', '5', '21'], [999.9902840901225, 999.9717428264432, 999.9717475649006, '-10.000001100101010111111101', '-11.10001111101000010000110', '5', '22'], [999.9902840901225, 999.985348953877, 999.9853497899035, '-10.000001100101010111111101', '-11.10001111101000010000110', '5', '23'], [999.9902840901225, 999.9812444825283, 999.9812461071992, '-10.000001100101010111111101', '-11.10001111101000010000110', '5', '24'], [999.9902840901225, 999.9760562221464, 999.9760602662252, '-10.000001100101010111111101', '-11.10001111101000010000110', '5', '25'], [999.9902840901225, 999.975522034854, 999.9755260982383, '-10.000001100101010111111111', '-11.10001111101000010000010', '5', '26'], [999.9902840901225, 999.9806296127913, 999.9806312504393, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '27'], [999.9902840901225, 999.9732602611632, 999.9732649723882, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '28'], [999.9902840901225, 999.9777941787333, 999.9777960352349, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '29'], [999.9902840901225, 999.9730258726628, 999.973030591145, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '30'], [999.9902840901225, 999.9737368313267, 999.9737399828873, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '31'], [999.9902840901225, 999.9758555617551, 999.97585830501, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '32'], [999.9902840901225, 999.9561272805369, 999.956134993196, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '33'], [999.9902840901225, 999.9683501260878, 999.9683556845396, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '34'], [999.9902840901225, 999.9710544948647, 999.9710593277417, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '35'], [999.9902840901225, 999.9800127126225, 999.9800159032682, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '36'], [999.9902840901225, 999.9891219949646, 999.9891220319862, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '37'], [999.9902840901225, 999.9867443659955, 999.9867445918782, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '38'], [999.9902840901225, 999.9861070686122, 999.9861072774278, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '39'], [999.9902840901225, 999.9548555663131, 999.9548650393613, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '40'], [999.9902840901225, 999.9773728905732, 999.9773753359096, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '41'], [999.9902840901225, 999.9722939092554, 999.9722971645876, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '42'], [999.9902840901225, 999.9684111518502, 999.9684166563942, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '43'], [999.9902840901225, 999.9613757431991, 999.9613854802251, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '44'], [999.9902840901225, 999.9615789745972, 999.9615874188971, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '45'], [999.9902840901225, 999.9799372947076, 999.9799390453253, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '46'], [999.9902840901225, 999.966354220816, 999.9663598279202, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '47'], [999.9902840901225, 999.9627791632884, 999.962787021303, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '48'], [999.9902840901225, 999.983065449164, 999.9830664156398, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '49'], [999.9902840901225, 999.9732005984115, 999.9732052870693, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '50'], [999.9902840901225, 999.9676670856325, 999.9676726541765, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '51'], [999.9902840901225, 999.9635667411815, 999.9635734068713, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '52'], [999.9902840901225, 999.9757763663296, 999.9757788551613, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '53'], [999.9902840901225, 999.9705488184068, 999.9705522102362, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '54'], [999.9902840901225, 999.9814593668158, 999.9814609866423, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '55'], [999.9902840901225, 999.9711214572078, 999.9711261866063, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '56'], [999.9902840901225, 999.963573804916, 999.9635818575821, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '57'], [999.9902840901225, 999.9640752415613, 999.9640816926666, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '58'], [999.9902840901225, 999.9748366076368, 999.9748391661516, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '59'], [999.9902840901225, 999.9891611947461, 999.9891612268303, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '60'], [999.9902840901225, 999.9829110832184, 999.9829120505981, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '61'], [999.9902840901225, 999.9565398388481, 999.9565469876025, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '62'], [999.9902840901225, 999.9828290299492, 999.9828299768726, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '63'], [999.9902840901225, 999.9612479593115, 999.961254838786, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '64'], [999.9902840901225, 999.9798044854767, 999.9798079128728, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '65'], [999.9902840901225, 999.9760970370144, 999.976099586866, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '66'], [999.9902840901225, 999.9800741513335, 999.9800758540179, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '67'], [999.9902840901225, 999.9744587862326, 999.9744614169718, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '68'], [999.9902840901225, 999.9565456561861, 999.9565533442993, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '69'], [999.9902840901225, 999.9713206816637, 999.9713254926343, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '70'], [999.9902840901225, 999.9691507082798, 999.969155618036, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '71'], [999.9902840901225, 999.9748484712225, 999.9748510488298, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '72'], [999.9902840901225, 999.9691874399499, 999.9691908284418, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '73'], [999.9902840901225, 999.9779253148325, 999.9779286745797, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '74'], [999.9902840901225, 999.9880109984942, 999.9880110664118, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '75'], [999.9902840901225, 999.9766054799882, 999.976607955705, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '76'], [999.9902840901225, 999.9724394112804, 999.972444137167, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '77'], [999.9902840901225, 999.9738916195379, 999.9738962934629, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '78'], [999.9902840901225, 999.9819783743438, 999.9819794558784, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '79'], [999.9902840901225, 999.9568106224588, 999.9568182770726, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '80'], [999.9902840901225, 999.9740648566641, 999.9740674020114, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '81'], [999.9902840901225, 999.9674363911383, 999.9674406207281, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '82'], [999.9902840901225, 999.9728284213269, 999.9728346539896, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '83'], [999.9902840901225, 999.9848604757781, 999.984861317939, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '84'], [999.9902840901225, 999.9675395927992, 999.9675452152353, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '85'], [999.9902840901225, 999.982316960547, 999.9823180213523, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '86'], [999.9902840901225, 999.968317684839, 999.96832416664, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '87'], [999.9902840901225, 999.9897588159496, 999.9897588209499, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '88'], [999.9902840901225, 999.9764730662741, 999.976475498694, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '89'], [999.9902840901225, 999.9748197269594, 999.9748238282311, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '90'], [999.9902840901225, 999.9785625133023, 999.9785642588748, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '91'], [999.9902840901225, 999.9561713874314, 999.9561806231194, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '92'], [999.9902840901225, 999.9804260649137, 999.9804277680582, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '93'], [999.9902840901225, 999.9825428610526, 999.982544340323, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '94'], [999.9902840901225, 999.9747683813388, 999.9747708734757, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '95'], [999.9902840901225, 999.972498836896, 999.9725020268955, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '96'], [999.9902840901225, 999.974309659007, 999.9743137277809, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '97'], [999.9902840901225, 999.9771186598645, 999.97712263264, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '98'], [999.9902840901225, 999.9685912363126, 999.9685961460875, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '99'], [999.9902840901225, 999.9886540448933, 999.9886540624664, '-10.000001100101010111111111', '-11.10001111101000010000011', '5', '100']]], [[[999.6367688393965, 999.5394787425512, 999.5394820642858, '-10010.001110000010010111101110', '-101.10010111011100011100100', '6', '1'], [999.7700422089154, 999.6303143293621, 999.6303169120126, '-10010.001110000010010111001110', '-111.10010111011100011100100', '6', '2'], [999.8398243288785, 999.6865851335443, 999.6865945750309, '-00010.001110000010010111101110', '-111.10010111011100010100100', '6', '3'], [999.9460231657494, 999.705960926247, 999.705974386458, '-00000.001110000010010111001110', '-111.10010111011100011100110', '6', '4'], [999.990243371823, 999.8226666899734, 999.8226882178272, '-00011.001100000010010111001110', '-010.10010111011100011100110', '6', '5'], [999.9902440600325, 999.7554187448854, 999.7554775341983, '-00011.001100000010010111001110', '-010.10010111011110011100110', '6', '6'], [999.9902629578013, 999.9750534710223, 999.9750578398463, '-00011.001100001010010111001110', '-010.10010111011110011100110', '6', '7'], [999.99028266934, 999.9697142902739, 999.9697211235572, '-00011.001100011010010111001110', '-010.10010111011100011100110', '6', '8'], [999.990283982662, 999.9623598233027, 999.9623675539536, '-00011.001100011010010111001110', '-010.10010111111100010100110', '6', '9'], [999.9902840418571, 999.9605250355822, 999.9605331244896, '-00011.001100011010110111001110', '-010.10010111111100010100110', '6', '10'], [999.9902840776731, 999.9605531870293, 999.9605606468085, '-00011.001100011011010111001110', '-010.10010111111100010100110', '6', '11'], [999.9902840875554, 999.9600077693275, 999.9600180380593, '-00011.001100011011111111001110', '-010.10010111111101010100110', '6', '12'], [999.990284090111, 999.9571866401972, 999.9571982012734, '-00011.001100011011101111001110', '-010.10010111111101010100110', '6', '13'], [999.9902840901225, 999.9626874786485, 999.9626975855549, '-00011.001100011011101111001110', '-010.10010111111101011100110', '6', '14'], [999.9902840901225, 999.9555838088689, 999.9555952172706, '-00011.001100011011101111001110', '-010.10010111111101011100110', '6', '15'], [999.9902840901225, 999.9472186704169, 999.947230963639, '-00011.001100011011101111001111', '-010.10010111111101011100110', '6', '16'], [999.9902840901225, 999.9378655952631, 999.9378869152063, '-00011.001100011011101111001111', '-010.10010111111101011100110', '6', '17'], [999.9902840901225, 999.9651637080595, 999.9651707296413, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '18'], [999.9902840901225, 999.9670009291987, 999.9670050522134, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '19'], [999.9902840901225, 999.9347632586, 999.9347807103526, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '20'], [999.9902840901225, 999.9688713060622, 999.968877163057, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '21'], [999.9902840901225, 999.9574706558606, 999.9574817251801, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '22'], [999.9902840901225, 999.9679516338224, 999.9679585788972, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '23'], [999.9902840901225, 999.9539421148131, 999.9539528686832, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '24'], [999.9902840901225, 999.9862741706996, 999.9862748968206, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '25'], [999.9902840901225, 999.9703686608311, 999.970374510114, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '26'], [999.9902840901225, 999.9372514181517, 999.9372718225965, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '27'], [999.9902840901225, 999.9641833036357, 999.9641895352438, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '28'], [999.9902840901225, 999.9351249141632, 999.9351419071776, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '29'], [999.9902840901225, 999.9601839193876, 999.9601943685674, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '30'], [999.9902840901225, 999.9661899354875, 999.9661964724021, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '31'], [999.9902840901225, 999.9608679975847, 999.9608748380765, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '32'], [999.9902840901225, 999.9529468463463, 999.9529587815849, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '33'], [999.9902840901225, 999.9463499215444, 999.9463676723401, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '34'], [999.9902840901225, 999.9722326271492, 999.9722380522644, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '35'], [999.9902840901225, 999.9843486249215, 999.9843490591409, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '36'], [999.9902840901225, 999.963484915767, 999.9634919591466, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '37'], [999.9902840901225, 999.9794246292533, 999.9794265516061, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '38'], [999.9902840901225, 999.9639328107845, 999.9639397964606, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '39'], [999.9902840901225, 999.9503704205551, 999.950382786186, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '40'], [999.9902840901225, 999.9457113380352, 999.945723738046, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '41'], [999.9902840901225, 999.9684917311937, 999.9684975959688, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '42'], [999.9902840901225, 999.9534379722951, 999.9534510886187, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '43'], [999.9902840901225, 999.9689733811879, 999.968978212232, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '44'], [999.9902840901225, 999.9724171593272, 999.9724225772857, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '45'], [999.9902840901225, 999.9624387671503, 999.9624453104473, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '46'], [999.9902840901225, 999.9681957222216, 999.968201854619, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '47'], [999.9902840901225, 999.9720270797119, 999.9720314678186, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '48'], [999.9902840901225, 999.9663627674137, 999.9663692868925, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '49'], [999.9902840901225, 999.9711472668516, 999.9711529939821, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '50'], [999.9902840901225, 999.9574527928044, 999.9574606274251, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '51'], [999.9902840901225, 999.9816157106667, 999.9816167241065, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '52'], [999.9902840901225, 999.9619254887409, 999.9619334376653, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '53'], [999.9902840901225, 999.9687737434956, 999.9687795046535, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '54'], [999.9902840901225, 999.9608291840841, 999.9608373337229, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '55'], [999.9902840901225, 999.967496087244, 999.9675024238131, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '56'], [999.9902840901225, 999.9603110801452, 999.9603192452194, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '57'], [999.9902840901225, 999.9742199274979, 999.9742243715297, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '58'], [999.9902840901225, 999.9677897350647, 999.9677960924018, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '59'], [999.9902840901225, 999.980859816119, 999.980861601914, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '60'], [999.9902840901225, 999.9609573434631, 999.9609639018228, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '61'], [999.9902840901225, 999.9790468738929, 999.9790488339247, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '62'], [999.9902840901225, 999.9426819603872, 999.9427002995944, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '63'], [999.9902840901225, 999.9591828485951, 999.9591933720111, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '64'], [999.9902840901225, 999.9549922865677, 999.9550047708096, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '65'], [999.9902840901225, 999.9663560617342, 999.9663622169622, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '66'], [999.9902840901225, 999.9749960372528, 999.9750011344247, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '67'], [999.9902840901225, 999.9595701686698, 999.959580187275, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '68'], [999.9902840901225, 999.9697362017275, 999.9697408061422, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '69'], [999.9902840901225, 999.949642333132, 999.9496540995481, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '70'], [999.9902840901225, 999.975613831542, 999.9756170981397, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '71'], [999.9902840901225, 999.9413313677105, 999.9413478698507, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '72'], [999.9902840901225, 999.983465193027, 999.9834660871727, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '73'], [999.9902840901225, 999.9746089503222, 999.9746144830087, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '74'], [999.9902840901225, 999.9673943569818, 999.967400477739, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '75'], [999.9902840901225, 999.9437889509355, 999.9438071052562, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '76'], [999.9902840901225, 999.9716065504567, 999.9716101556195, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '77'], [999.9902840901225, 999.962286724673, 999.9622945180336, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '78'], [999.9902840901225, 999.9721620873705, 999.9721674066731, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '79'], [999.9902840901225, 999.9806812674293, 999.9806830645405, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '80'], [999.9902840901225, 999.9740746606616, 999.9740800324787, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '81'], [999.9902840901225, 999.9497845700648, 999.9497989820945, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '82'], [999.9902840901225, 999.9434446329979, 999.9434603777548, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '83'], [999.9902840901225, 999.9609337591975, 999.9609441700779, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '84'], [999.9902840901225, 999.9667381192642, 999.966742525802, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '85'], [999.9902840901225, 999.9686661885817, 999.9686724408798, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '86'], [999.9902840901225, 999.9575525731899, 999.9575605489263, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '87'], [999.9902840901225, 999.9520670517337, 999.9520810025881, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '88'], [999.9902840901225, 999.9481159427934, 999.9481298928592, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '89'], [999.9902840901225, 999.9606532458977, 999.9606628118325, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '90'], [999.9902840901225, 999.985644439753, 999.985644729019, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '91'], [999.9902840901225, 999.9716572955184, 999.9716599790286, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '92'], [999.9902840901225, 999.957616750843, 999.9576274091805, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '93'], [999.9902840901225, 999.9438786528477, 999.9438941117623, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '94'], [999.9902840901225, 999.9645382614877, 999.9645454512483, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '95'], [999.9902840901225, 999.9513823223215, 999.9513969515419, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '96'], [999.9902840901225, 999.9493578036053, 999.9493691219037, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '97'], [999.9902840901225, 999.9647144950609, 999.96472111881, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '98'], [999.9902840901225, 999.9846569746436, 999.984657694491, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '99'], [999.9902840901225, 999.9616245818657, 999.9616319922098, '-00011.001100011011101111001111', '-010.10010111111101011100111', '6', '100']]], [[[999.8823496662721, 999.6347829412723, 999.6348042708973, '-111.0010111000101000001001', '0110.001011000101110010101010', '7', '1'], [999.9198863806444, 999.8226797110423, 999.8226846223357, '-111.0010111000101000001001', '0110.011011000101110010101010', '7', '2'], [999.9217916330135, 999.8868237062467, 999.886830674585, '-111.0010111000101000001001', '0110.011111000101110010101000', '7', '3'], [999.9218105539655, 999.9000116045686, 999.9000162715552, '-111.0010111000101000001011', '0110.011111011110110010101010', '7', '4'], [999.9218105566903, 999.8991955344557, 999.8991995640947, '-111.0010111000101000001001', '0110.011111011110110011101000', '7', '5'], [999.9218107831603, 999.9092518569265, 999.90925509742, '-111.0010111000001000001011', '0110.011111011110110011101010', '7', '6'], [999.9218108169379, 999.8993543160976, 999.8993594546351, '-111.0010111000001000000011', '0110.011111011111110011101010', '7', '7'], [999.9218108169885, 999.8813457344527, 999.8813558215926, '-111.0010111000001000000001', '0110.011111011111110011111000', '7', '8'], [999.9218108174647, 999.8661101155188, 999.8661277414594, '-111.0010111000001000000001', '0110.011111011111110111111000', '7', '9'], [999.9218108174709, 999.897862667282, 999.8978680758306, '-111.0010111000001000000000', '0110.011111011111110111111000', '7', '10'], [999.9218108174709, 999.8835331586482, 999.8835430485138, '-111.0010111000001000000000', '0110.011111011111110111111000', '7', '11'], [999.9218108174769, 999.9025231195533, 999.9025283202895, '-111.0010111000001000000000', '0110.011111011111110111111100', '7', '12'], [999.9218108178566, 999.9024068299377, 999.9024129352804, '-111.0010111000001000000000', '0110.011111011111111111111100', '7', '13'], [999.9218108178566, 999.8838396739043, 999.8838504216457, '-111.0010111000001000000000', '0110.011111011111111111111101', '7', '14'], [999.9218108178566, 999.9062496881596, 999.9062529925145, '-111.0010111000001000000000', '0110.011111011111111111111101', '7', '15'], [999.9218108178566, 999.8947988462444, 999.8948078962857, '-111.0010111000001000000001', '0110.011111011111111111111101', '7', '16'], [999.9218108178566, 999.8734270283353, 999.8734378745472, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '17'], [999.9218108178566, 999.8951338874411, 999.8951398671137, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '18'], [999.9218108178566, 999.8893512884445, 999.8893587088365, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '19'], [999.9218108178566, 999.8733422758986, 999.8733570193946, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '20'], [999.9218108178566, 999.888532262546, 999.8885413383167, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '21'], [999.9218108178566, 999.8849952775455, 999.8850038136213, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '22'], [999.9218108178566, 999.891794313176, 999.8918016770556, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '23'], [999.9218108178566, 999.9001220897902, 999.900128185759, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '24'], [999.9218108178566, 999.8948141560758, 999.8948215928465, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '25'], [999.9218108178566, 999.8799263349823, 999.8799381263298, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '26'], [999.9218108178566, 999.8717602966333, 999.8717732421309, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '27'], [999.9218108178566, 999.8613215913414, 999.8613409685904, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '28'], [999.9218108178566, 999.9071221885513, 999.9071255406556, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '29'], [999.9218108178566, 999.9090974183498, 999.9090995802181, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '30'], [999.9218108178566, 999.899175017202, 999.8991811678255, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '31'], [999.9218108178566, 999.8744227574972, 999.8744365710241, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '32'], [999.9218108178566, 999.9038266972946, 999.9038322545547, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '33'], [999.9218108178566, 999.9010079311171, 999.9010121392201, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '34'], [999.9218108178566, 999.897363873024, 999.897371504695, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '35'], [999.9218108178566, 999.8816853099653, 999.881697564445, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '36'], [999.9218108178566, 999.9067248027106, 999.9067274404017, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '37'], [999.9218108178566, 999.8919162417136, 999.8919262008511, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '38'], [999.9218108178566, 999.8897484370692, 999.8897579374858, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '39'], [999.9218108178566, 999.8778545313211, 999.8778675849843, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '40'], [999.9218108178566, 999.899508492808, 999.8995146655251, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '41'], [999.9218108178566, 999.9122738145152, 999.9122753836394, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '42'], [999.9218108178566, 999.8661921075887, 999.8662049744968, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '43'], [999.9218108178566, 999.8968622500807, 999.8968683951107, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '44'], [999.9218108178566, 999.8755818268386, 999.8755927495046, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '45'], [999.9218108178566, 999.881861286945, 999.8818721790777, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '46'], [999.9218108178566, 999.9030937831812, 999.9030964514991, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '47'], [999.9218108178566, 999.8957126652307, 999.8957171994219, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '48'], [999.9218108178566, 999.9033995617134, 999.9034030313089, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '49'], [999.9218108178566, 999.8971291885765, 999.8971369070523, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '50'], [999.9218108178566, 999.9151933045484, 999.915194108036, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '51'], [999.9218108178566, 999.88215284662, 999.8821654564994, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '52'], [999.9218108178566, 999.8861086278657, 999.8861174182308, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '53'], [999.9218108178566, 999.8826633460819, 999.8826732324542, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '54'], [999.9218108178566, 999.9118259468199, 999.9118268946474, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '55'], [999.9218108178566, 999.9080102144202, 999.908012673818, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '56'], [999.9218108178566, 999.9044470529158, 999.904451088631, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '57'], [999.9218108178566, 999.9095375887523, 999.9095400001605, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '58'], [999.9218108178566, 999.8947799364919, 999.8947862793779, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '59'], [999.9218108178566, 999.8935376832447, 999.8935466060287, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '60'], [999.9218108178566, 999.8921987051118, 999.8922066128665, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '61'], [999.9218108178566, 999.9082465133744, 999.9082481057699, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '62'], [999.9218108178566, 999.8956817410727, 999.8956860246501, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '63'], [999.9218108178566, 999.9067743971686, 999.9067762038679, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '64'], [999.9218108178566, 999.899229045196, 999.8992336014726, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '65'], [999.9218108178566, 999.8733912313769, 999.8734048180902, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '66'], [999.9218108178566, 999.8846369662045, 999.8846475819365, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '67'], [999.9218108178566, 999.9008459037732, 999.9008524378227, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '68'], [999.9218108178566, 999.8683726568947, 999.8683881245327, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '69'], [999.9218108178566, 999.9042360250007, 999.9042402552484, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '70'], [999.9218108178566, 999.8698232428039, 999.8698366459577, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '71'], [999.9218108178566, 999.9133916192799, 999.9133928994105, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '72'], [999.9218108178566, 999.8877637406717, 999.8877748329394, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '73'], [999.9218108178566, 999.8845307962068, 999.8845424324344, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '74'], [999.9218108178566, 999.8821369576056, 999.8821466804969, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '75'], [999.9218108178566, 999.9048378594932, 999.904840870776, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '76'], [999.9218108178566, 999.8721998479523, 999.8722139062295, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '77'], [999.9218108178566, 999.8986444524307, 999.8986517311273, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '78'], [999.9218108178566, 999.8908658993491, 999.8908732669292, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '79'], [999.9218108178566, 999.8888288055871, 999.8888390594403, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '80'], [999.9218108178566, 999.8948567199519, 999.8948630308481, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '81'], [999.9218108178566, 999.9028326477232, 999.9028372162672, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '82'], [999.9218108178566, 999.9153195900323, 999.9153205622546, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '83'], [999.9218108178566, 999.8985788328914, 999.8985841288004, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '84'], [999.9218108178566, 999.9136840147773, 999.9136848113756, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '85'], [999.9218108178566, 999.8993736824245, 999.8993787211875, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '86'], [999.9218108178566, 999.9038906190902, 999.9038938230054, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '87'], [999.9218108178566, 999.8980350243436, 999.8980419953605, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '88'], [999.9218108178566, 999.8808160440752, 999.8808273407941, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '89'], [999.9218108178566, 999.8860963353052, 999.8861063852673, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '90'], [999.9218108178566, 999.8883422352612, 999.8883524300288, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '91'], [999.9218108178566, 999.90806322444, 999.9080660744835, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '92'], [999.9218108178566, 999.9109276570467, 999.9109293341894, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '93'], [999.9218108178566, 999.902436046836, 999.9024400851281, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '94'], [999.9218108178566, 999.8731835589206, 999.8731964761112, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '95'], [999.9218108178566, 999.8744646465118, 999.8744784631896, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '96'], [999.9218108178566, 999.8853017990774, 999.885311544094, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '97'], [999.9218108178566, 999.9020264824005, 999.9020329155659, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '98'], [999.9218108178566, 999.869323006292, 999.869337716295, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '99'], [999.9218108178566, 999.8986439422029, 999.8986498398028, '-111.0010111000001000000001', '0110.011111011111111111111111', '7', '100']]], [[[999.8729791944738, 999.692649877123, 999.692673973773, '-10.111000001111011100011001', '-1101.1000000001000011100011', '8', '1'], [999.9351365143908, 999.8478502191406, 999.847853750341, '-10.111000000101101001001101', '-110.00000000001000011100011', '8', '2'], [999.9421508780113, 999.9198988867121, 999.9199022811545, '-10.110000001111001100011001', '-110.00000000001000011100111', '8', '3'], [999.9620137679665, 999.9267463052936, 999.9267490028667, '-10.010000001111001100001101', '-110.00000000001000011100010', '8', '4'], [999.9620386434087, 999.9609683789772, 999.9609684017654, '-10.010000001111001001001101', '-110.00000000000000011100011', '8', '5'], [999.9620546101846, 999.9317438445522, 999.9317509842774, '-10.010000001010101001001101', '-110.00000000000000011100011', '8', '6'], [999.9620563740526, 999.9290867737809, 999.9290970707086, '-10.010000001010001001001101', '-110.00000000000000011100011', '8', '7'], [999.9620843175065, 999.9427690283102, 999.9427744385423, '-10.010000000010001001001101', '-110.00000000000000011100011', '8', '8'], [999.962084755752, 999.9452215223045, 999.945225324315, '-10.010000000010000001001101', '-110.00000000000000011100010', '8', '9'], [999.9620916517591, 999.9463231779197, 999.9463257138169, '-10.010000000000000001001101', '-110.00000000000000011100011', '8', '10'], [999.9620920205681, 999.9478408103438, 999.9478431779604, '-10.010000000000000001001101', '-110.00000000000000010100011', '8', '11'], [999.962092757888, 999.9519908512389, 999.9519943114258, '-10.010000000000000001001101', '-110.00000000000000000100011', '8', '12'], [999.9620928116352, 999.9541551579618, 999.954155785064, '-10.010000000000000000001101', '-110.00000000000000000100011', '8', '13'], [999.9620928298705, 999.9552925975753, 999.9552931174463, '-10.010000000000000000000101', '-110.00000000000000000100001', '8', '14'], [999.9620928298705, 999.9488684190184, 999.9488722251906, '-10.010000000000000000000101', '-110.00000000000000000100001', '8', '15'], [999.9620930141285, 999.9562195049468, 999.9562200859115, '-10.010000000000000000000101', '-110.00000000000000000000001', '8', '16'], [999.9620930232448, 999.9548313229383, 999.9548319704105, '-10.010000000000000000000001', '-110.00000000000000000000000', '8', '17'], [999.9620930232448, 999.947088163349, 999.947091748361, '-10.010000000000000000000001', '-110.00000000000000000000000', '8', '18'], [999.9620930232448, 999.9375927474847, 999.9375995802577, '-10.010000000000000000000001', '-110.00000000000000000000000', '8', '19'], [999.9620930240845, 999.9545950477832, 999.9545968205117, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '20'], [999.9620930240845, 999.9460353296328, 999.9460394075026, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '21'], [999.9620930240845, 999.9395371289725, 999.9395443790429, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '22'], [999.9620930240845, 999.9524199521288, 999.9524234021867, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '23'], [999.9620930240845, 999.9329803568221, 999.9329901463834, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '24'], [999.9620930240845, 999.9491484562158, 999.9491508480961, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '25'], [999.9620930240845, 999.9326240898652, 999.9326341260993, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '26'], [999.9620930240845, 999.9336394587222, 999.9336482141999, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '27'], [999.9620930240845, 999.9414171834594, 999.9414226533943, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '28'], [999.9620930240845, 999.9513412636704, 999.9513432197739, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '29'], [999.9620930240845, 999.9451952548733, 999.945199206531, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '30'], [999.9620930240845, 999.9505619583158, 999.9505629544093, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '31'], [999.9620930240845, 999.9449235123896, 999.9449278955879, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '32'], [999.9620930240845, 999.9570729986693, 999.9570734172221, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '33'], [999.9620930240845, 999.9533088996955, 999.9533095587972, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '34'], [999.9620930240845, 999.9416051910052, 999.9416102500347, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '35'], [999.9620930240845, 999.9494623482362, 999.9494658704775, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '36'], [999.9620930240845, 999.9429233304973, 999.9429273025753, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '37'], [999.9620930240845, 999.931815933234, 999.9318240364772, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '38'], [999.9620930240845, 999.9565000683376, 999.9565004530263, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '39'], [999.9620930240845, 999.9484885751142, 999.9484922071039, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '40'], [999.9620930240845, 999.9604259077959, 999.9604259549039, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '41'], [999.9620930240845, 999.9343892450261, 999.9343986129411, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '42'], [999.9620930240845, 999.9276580826848, 999.9276698567354, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '43'], [999.9620930240845, 999.951191723944, 999.9511952181138, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '44'], [999.9620930240845, 999.9276497346758, 999.9276598026867, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '45'], [999.9620930240845, 999.9322201935549, 999.9322290560153, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '46'], [999.9620930240845, 999.931421376559, 999.9314307850751, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '47'], [999.9620930240845, 999.9568189257558, 999.9568191882101, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '48'], [999.9620930240845, 999.9489854749418, 999.9489876590605, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '49'], [999.9620930240845, 999.9544041415627, 999.9544046446966, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '50'], [999.9620930240845, 999.9504713331287, 999.9504749958826, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '51'], [999.9620930240845, 999.946452246678, 999.9464561559338, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '52'], [999.9620930240845, 999.9580440552646, 999.9580442645423, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '53'], [999.9620930240845, 999.9320221901551, 999.9320322127331, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '54'], [999.9620930240845, 999.9521863710947, 999.9521898329846, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '55'], [999.9620930240845, 999.9431348285493, 999.9431391739665, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '56'], [999.9620930240845, 999.93080303155, 999.9308115035307, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '57'], [999.9620930240845, 999.943115303525, 999.9431205180421, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '58'], [999.9620930240845, 999.9547868410878, 999.9547885987951, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '59'], [999.9620930240845, 999.9376825203678, 999.9376883295686, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '60'], [999.9620930240845, 999.9538151515801, 999.9538170940165, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '61'], [999.9620930240845, 999.9231381447617, 999.9231498658971, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '62'], [999.9620930240845, 999.9609474627774, 999.9609475065016, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '63'], [999.9620930240845, 999.9551173641961, 999.9551191218773, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '64'], [999.9620930240845, 999.9580851162438, 999.9580853250349, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '65'], [999.9620930240845, 999.9348641993834, 999.9348727924402, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '66'], [999.9620930240845, 999.9450539857872, 999.9450607757926, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '67'], [999.9620930240845, 999.9508659859903, 999.9508681806454, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '68'], [999.9620930240845, 999.9508741713585, 999.9508776658735, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '69'], [999.9620930240845, 999.9409114579445, 999.9409182394214, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '70'], [999.9620930240845, 999.9572434955924, 999.9572438122673, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '71'], [999.9620930240845, 999.9366504747461, 999.9366576608603, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '72'], [999.9620930240845, 999.9405590053082, 999.9405660844228, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '73'], [999.9620930240845, 999.9438914825428, 999.9438955928474, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '74'], [999.9620930240845, 999.9347454452259, 999.9347517475162, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '75'], [999.9620930240845, 999.9508612916895, 999.9508621986346, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '76'], [999.9620930240845, 999.9367708280174, 999.9367793980033, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '77'], [999.9620930240845, 999.9601636259149, 999.9601637091208, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '78'], [999.9620930240845, 999.9461689581394, 999.9461712410888, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '79'], [999.9620930240845, 999.9469784109804, 999.9469822915987, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '80'], [999.9620930240845, 999.9552356769293, 999.9552362000005, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '81'], [999.9620930240845, 999.9469932935457, 999.9469972416966, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '82'], [999.9620930240845, 999.9593542352536, 999.9593543205331, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '83'], [999.9620930240845, 999.9361537967958, 999.9361596544011, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '84'], [999.9620930240845, 999.9394181874487, 999.9394251635455, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '85'], [999.9620930240845, 999.9456274913438, 999.945631247011, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '86'], [999.9620930240845, 999.9500157766648, 999.9500167182313, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '87'], [999.9620930240845, 999.9413987168556, 999.941405771426, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '88'], [999.9620930240845, 999.941329025049, 999.9413342750411, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '89'], [999.9620930240845, 999.9476094697187, 999.9476133045682, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '90'], [999.9620930240845, 999.9445728856612, 999.9445781509631, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '91'], [999.9620930240845, 999.9519547845615, 999.9519567243291, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '92'], [999.9620930240845, 999.9450992737882, 999.9451030923369, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '93'], [999.9620930240845, 999.9379746813121, 999.937981690044, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '94'], [999.9620930240845, 999.9399599632932, 999.9399671515905, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '95'], [999.9620930240845, 999.9509130515737, 999.9509151960846, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '96'], [999.9620930240845, 999.9408403523261, 999.9408473836954, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '97'], [999.9620930240845, 999.9581943145971, 999.9581944419795, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '98'], [999.9620930240845, 999.9431401738076, 999.9431455235497, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '99'], [999.9620930240845, 999.9438916711197, 999.9438989248827, '-10.010000000000000000000000', '-110.00000000000000000000000', '8', '100']]], [[[999.930741940702, 999.7305876768487, 999.7306152937515, '-10.001110100100101001001101', '-110.00101100010101011000011', '9', '1'], [999.9586116594845, 999.9210160027652, 999.9210170088969, '-10.001110100100101001000001', '-110.00001100010101011000011', '9', '2'], [999.961928903674, 999.9342995873429, 999.9343016770258, '-10.000110100100101001000001', '-110.00001100010101011000011', '9', '3'], [999.9627758802881, 999.9565935181225, 999.9565939221974, '-10.000110100100101001000001', '-110.00000100010001011000011', '9', '4'], [999.9627759008067, 999.9187400924369, 999.9187528264125, '-10.000110100100101001000001', '-110.00000100010000011000011', '9', '5'], [999.9627759137245, 999.9496325498826, 999.9496363295093, '-10.000110100100001001000001', '-110.00000100010000001000011', '9', '6'], [999.9627759137281, 999.9414216577013, 999.9414291163854, '-10.000110100100001001000000', '-110.00000100010000001000011', '9', '7'], [999.9627759155258, 999.9431640842258, 999.9431680990848, '-10.000110100100000001000000', '-110.00000100010000001000011', '9', '8'], [999.9627759168513, 999.9354109492193, 999.9354212459111, '-10.000110100100000001000000', '-110.00000100010000000000010', '9', '9'], [999.9627759170298, 999.9494967309208, 999.9495006799671, '-10.000110100100000000000000', '-110.00000100010000000000011', '9', '10'], [999.9627759170492, 999.9514403235147, 999.9514410755652, '-10.000110100100000000000000', '-110.00000100010000000000010', '9', '11'], [999.9627759170492, 999.9479565386798, 999.9479604818064, '-10.000110100100000000000000', '-110.00000100010000000000010', '9', '12'], [999.9627759170879, 999.9470016772311, 999.9470054381337, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '13'], [999.9627759170879, 999.9357522596281, 999.9357597263996, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '14'], [999.9627759170879, 999.9594492138259, 999.959449472475, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '15'], [999.9627759170879, 999.9330891174966, 999.9330993181044, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '16'], [999.9627759170879, 999.9572388239202, 999.957239090167, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '17'], [999.9627759170879, 999.9536972219097, 999.9536992574721, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '18'], [999.9627759170879, 999.9508364516246, 999.9508403401863, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '19'], [999.9627759170879, 999.9482359837295, 999.9482399549057, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '20'], [999.9627759170879, 999.9592801870589, 999.9592803361345, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '21'], [999.9627759170879, 999.9416293294539, 999.9416355357449, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '22'], [999.9627759170879, 999.9495706645953, 999.9495745659509, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '23'], [999.9627759170879, 999.9510593574989, 999.9510616076827, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '24'], [999.9627759170879, 999.9489352699156, 999.9489392946167, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '25'], [999.9627759170879, 999.9499933386852, 999.9499971467894, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '26'], [999.9627759170879, 999.9411995241783, 999.9412070659082, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '27'], [999.9627759170879, 999.9301303322563, 999.9301410936692, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '28'], [999.9627759170879, 999.9508405019222, 999.9508427436383, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '29'], [999.9627759170879, 999.9290159975734, 999.9290269234712, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '30'], [999.9627759170879, 999.9362118089608, 999.9362193603292, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '31'], [999.9627759170879, 999.9318155586711, 999.9318264272148, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '32'], [999.9627759170879, 999.9496036970866, 999.949607600314, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '33'], [999.9627759170879, 999.9167181781581, 999.9167322735881, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '34'], [999.9627759170879, 999.9305074467984, 999.9305179437267, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '35'], [999.9627759170879, 999.9486676747154, 999.9486716308774, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '36'], [999.9627759170879, 999.9386170852105, 999.9386241972603, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '37'], [999.9627759170879, 999.9485795773994, 999.9485835374103, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '38'], [999.9627759170879, 999.9523028363678, 999.9523049440428, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '39'], [999.9627759170879, 999.9294332459666, 999.9294440323231, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '40'], [999.9627759170879, 999.9447031746081, 999.9447070883799, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '41'], [999.9627759170879, 999.9249432021272, 999.9249558101839, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '42'], [999.9627759170879, 999.9499395280396, 999.9499433448035, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '43'], [999.9627759170879, 999.9522696549154, 999.9522729175327, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '44'], [999.9627759170879, 999.937037855775, 999.9370438614378, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '45'], [999.9627759170879, 999.9233716343758, 999.9233859443698, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '46'], [999.9627759170879, 999.939246008936, 999.9392520127262, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '47'], [999.9627759170879, 999.9511159757396, 999.9511181987075, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '48'], [999.9627759170879, 999.9462723682168, 999.9462763945672, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '49'], [999.9627759170879, 999.9506301713527, 999.9506324528672, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '50'], [999.9627759170879, 999.9542491602817, 999.9542497444057, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '51'], [999.9627759170879, 999.95203603903, 999.9520381012701, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '52'], [999.9627759170879, 999.9402352062971, 999.9402394746664, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '53'], [999.9627759170879, 999.9458660817063, 999.9458716057297, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '54'], [999.9627759170879, 999.9604397597583, 999.9604398527371, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '55'], [999.9627759170879, 999.9575502159418, 999.9575505221383, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '56'], [999.9627759170879, 999.9380806499202, 999.9380883091078, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '57'], [999.9627759170879, 999.9559810373413, 999.955981345477, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '58'], [999.9627759170879, 999.9546999128064, 999.954700450542, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '59'], [999.9627759170879, 999.9486686246947, 999.9486725857588, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '60'], [999.9627759170879, 999.953786309982, 999.9537882586778, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '61'], [999.9627759170879, 999.9520823292883, 999.9520843737273, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '62'], [999.9627759170879, 999.9385793701613, 999.9385869499844, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '63'], [999.9627759170879, 999.9523845824094, 999.9523853409672, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '64'], [999.9627759170879, 999.9323330945389, 999.9323441105502, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '65'], [999.9627759170879, 999.9438446102768, 999.9438518696694, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '66'], [999.9627759170879, 999.941134999473, 999.9411408615274, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '67'], [999.9627759170879, 999.9411327555811, 999.9411383097913, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '68'], [999.9627759170879, 999.9422681754851, 999.9422738183224, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '69'], [999.9627759170879, 999.9551409442599, 999.9551425319223, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '70'], [999.9627759170879, 999.9215734014875, 999.9215875982434, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '71'], [999.9627759170879, 999.9525929237191, 999.9525949593784, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '72'], [999.9627759170879, 999.9527042373061, 999.9527079536095, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '73'], [999.9627759170879, 999.9423420172062, 999.9423477812006, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '74'], [999.9627759170879, 999.9573726552554, 999.9573729745316, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '75'], [999.9627759170879, 999.9318251252004, 999.9318344316401, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '76'], [999.9627759170879, 999.9503985703142, 999.9504008500702, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '77'], [999.9627759170879, 999.9514717204905, 999.9514738348149, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '78'], [999.9627759170879, 999.958940150065, 999.9589403094965, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '79'], [999.9627759170879, 999.958460279879, 999.9584605564363, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '80'], [999.9627759170879, 999.952796196237, 999.9527981883086, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '81'], [999.9627759170879, 999.9397209126015, 999.9397264756781, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '82'], [999.9627759170879, 999.9486657893897, 999.9486698374106, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '83'], [999.9627759170879, 999.9353927842362, 999.935401000492, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '84'], [999.9627759170879, 999.9378670899557, 999.9378744306933, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '85'], [999.9627759170879, 999.9467575501956, 999.9467613787073, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '86'], [999.9627759170879, 999.944778010856, 999.9447836790134, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '87'], [999.9627759170879, 999.9256218336578, 999.9256320980429, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '88'], [999.9627759170879, 999.9487951842092, 999.9487974631435, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '89'], [999.9627759170879, 999.9519506572691, 999.951954353883, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '90'], [999.9627759170879, 999.9485742297489, 999.9485781722129, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '91'], [999.9627759170879, 999.9324317593708, 999.9324407801116, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '92'], [999.9627759170879, 999.9273730181349, 999.9273867289116, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '93'], [999.9627759170879, 999.9451262453748, 999.9451317862521, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '94'], [999.9627759170879, 999.9498980012672, 999.9499001805839, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '95'], [999.9627759170879, 999.9402114851936, 999.9402187290825, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '96'], [999.9627759170879, 999.9435117485016, 999.9435173646863, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '97'], [999.9627759170879, 999.9479339642131, 999.9479379338427, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '98'], [999.9627759170879, 999.9502402765467, 999.9502441643187, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '99'], [999.9627759170879, 999.9491647562702, 999.9491687017463, '-10.000110100100000000000000', '-110.00000100010000000000000', '9', '100']]], [[[999.8710673407656, 999.6199229913304, 999.6199480443661, '-1010.1101010100101000001101', '-1001.0101100010101011000010', '10', '1'], [999.9203041774755, 999.8395831215679, 999.8395872470127, '-1010.1001010100101000001101', '-0001.0001111010101011000010', '10', '2'], [999.921676179029, 999.8638455133533, 999.8638595254157, '-1010.1001110100101000001101', '-0001.0001101010101011000010', '10', '3'], [999.9218105126955, 999.900717942743, 999.9007250034809, '-1010.1001110101101000001101', '-0001.0011101010101011000010', '10', '4'], [999.9218107474102, 999.9169757657048, 999.9169760707505, '-1010.1001110100101000001101', '-0001.0011111010111011000010', '10', '5'], [999.9218107577286, 999.8835435062663, 999.8835535805772, '-1010.1001110110101000011101', '-0001.0011100010101011000010', '10', '6'], [999.921810787392, 999.8977578736511, 999.8977651472693, '-1010.1001110110101000001101', '-0001.0011100011101011000010', '10', '7'], [999.9218108178542, 999.8702179564696, 999.8702336756697, '-1010.1001110110111000011101', '-0001.0011100010111111000010', '10', '8'], [999.9218108178565, 999.8861293315166, 999.8861373129113, '-1010.1001110110111000011101', '-0001.0011100010111110000010', '10', '9'], [999.9218108178565, 999.8848051524488, 999.8848153754363, '-1010.1001110110111000011101', '-0001.0011100010111110000010', '10', '10'], [999.9218108178566, 999.8897280378342, 999.8897380638865, '-1010.1001110110111000011100', '-0001.0011100010111110000010', '10', '11'], [999.9218108178566, 999.8938485137661, 999.8938561662333, '-1010.1001110110111000011100', '-0001.0011100010111110000010', '10', '12'], [999.9218108178566, 999.8931982789348, 999.893207486273, '-1010.1001110110111000011100', '-0001.0011100010111110000110', '10', '13'], [999.9218108178566, 999.8901425608025, 999.8901507453937, '-1010.1001110110111000011100', '-0001.0011100010111110000110', '10', '14'], [999.9218108178566, 999.8947696297716, 999.8947762279628, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '15'], [999.9218108178566, 999.8936258947331, 999.8936331220527, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '16'], [999.9218108178566, 999.9062776553142, 999.9062814188766, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '17'], [999.9218108178566, 999.8910404823268, 999.8910477661144, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '18'], [999.9218108178566, 999.9078245879871, 999.9078290330074, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '19'], [999.9218108178566, 999.903029453472, 999.9030341246963, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '20'], [999.9218108178566, 999.8941892506997, 999.8941949591513, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '21'], [999.9218108178566, 999.9102119771211, 999.9102139864925, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '22'], [999.9218108178566, 999.893062131145, 999.8930723509575, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '23'], [999.9218108178566, 999.8892444039822, 999.8892548109468, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '24'], [999.9218108178566, 999.8896344460171, 999.8896438352674, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '25'], [999.9218108178566, 999.8612595599661, 999.8612758642322, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '26'], [999.9218108178566, 999.9107171441195, 999.9107186075712, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '27'], [999.9218108178566, 999.8969347430306, 999.8969417788906, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '28'], [999.9218108178566, 999.8918255370237, 999.89183520429, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '29'], [999.9218108178566, 999.8878787206781, 999.8878888738116, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '30'], [999.9218108178566, 999.8968194459015, 999.8968266506456, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '31'], [999.9218108178566, 999.8825272324917, 999.8825366813836, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '32'], [999.9218108178566, 999.8960152166312, 999.8960233118005, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '33'], [999.9218108178566, 999.8831427085726, 999.8831545952781, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '34'], [999.9218108178566, 999.8501691677661, 999.8501879723045, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '35'], [999.9218108178566, 999.8895726973709, 999.8895798574422, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '36'], [999.9218108178566, 999.8952981814235, 999.8953050192852, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '37'], [999.9218108178566, 999.8990970158295, 999.8991043716173, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '38'], [999.9218108178566, 999.9099425216664, 999.9099457444152, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '39'], [999.9218108178566, 999.8889609787632, 999.8889716423791, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '40'], [999.9218108178566, 999.8932626384184, 999.8932718483476, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '41'], [999.9218108178566, 999.887843660106, 999.887853263358, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '42'], [999.9218108178566, 999.8725381921747, 999.8725544051705, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '43'], [999.9218108178566, 999.9094519151708, 999.9094551663537, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '44'], [999.9218108178566, 999.872088334995, 999.8721068113801, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '45'], [999.9218108178566, 999.8954920587764, 999.8954986737406, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '46'], [999.9218108178566, 999.8865716653, 999.8865826840079, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '47'], [999.9218108178566, 999.8743679440646, 999.8743832309024, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '48'], [999.9218108178566, 999.8993793467193, 999.8993851624166, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '49'], [999.9218108178566, 999.875702174946, 999.8757148305385, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '50'], [999.9218108178566, 999.9018793015177, 999.9018847733279, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '51'], [999.9218108178566, 999.8869688391383, 999.8869778805251, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '52'], [999.9218108178566, 999.8921762313912, 999.8921837249576, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '53'], [999.9218108178566, 999.8877510359197, 999.8877627234929, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '54'], [999.9218108178566, 999.8833505399394, 999.8833649780856, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '55'], [999.9218108178566, 999.90512595572, 999.9051303283782, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '56'], [999.9218108178566, 999.9131727551143, 999.9131749106825, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '57'], [999.9218108178566, 999.8847295422722, 999.8847409017859, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '58'], [999.9218108178566, 999.9068478714893, 999.9068518554499, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '59'], [999.9218108178566, 999.9027392295852, 999.9027458595855, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '60'], [999.9218108178566, 999.8854599271465, 999.8854704551691, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '61'], [999.9218108178566, 999.900027497647, 999.9000325398505, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '62'], [999.9218108178566, 999.8664948084698, 999.8665102473134, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '63'], [999.9218108178566, 999.9081627709476, 999.9081648212185, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '64'], [999.9218108178566, 999.8806952393232, 999.8807078974503, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '65'], [999.9218108178566, 999.907742436788, 999.9077452810726, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '66'], [999.9218108178566, 999.8920816471665, 999.8920915983999, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '67'], [999.9218108178566, 999.9119028689696, 999.9119051742621, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '68'], [999.9218108178566, 999.8984800992388, 999.8984866869314, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '69'], [999.9218108178566, 999.8801376074093, 999.8801524241502, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '70'], [999.9218108178566, 999.8968857160819, 999.8968932841433, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '71'], [999.9218108178566, 999.8943460237277, 999.8943549013198, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '72'], [999.9218108178566, 999.8993195146878, 999.8993279772781, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '73'], [999.9218108178566, 999.9002496390281, 999.900256464269, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '74'], [999.9218108178566, 999.8966098685866, 999.896616569832, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '75'], [999.9218108178566, 999.8874013147491, 999.8874105989083, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '76'], [999.9218108178566, 999.8964283820978, 999.896437692524, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '77'], [999.9218108178566, 999.8945312356872, 999.8945387861581, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '78'], [999.9218108178566, 999.8800463707441, 999.8800603492404, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '79'], [999.9218108178566, 999.9115602173474, 999.9115629662463, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '80'], [999.9218108178566, 999.9083101787865, 999.9083125169425, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '81'], [999.9218108178566, 999.8729802775783, 999.8729954234884, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '82'], [999.9218108178566, 999.8991900197508, 999.8991961743806, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '83'], [999.9218108178566, 999.8982407266833, 999.8982462630829, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '84'], [999.9218108178566, 999.9018952393028, 999.9018999817171, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '85'], [999.9218108178566, 999.8756040533174, 999.8756179678523, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '86'], [999.9218108178566, 999.8960154996963, 999.8960218746562, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '87'], [999.9218108178566, 999.8896378884148, 999.8896464356815, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '88'], [999.9218108178566, 999.898157402683, 999.898162930585, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '89'], [999.9218108178566, 999.9048832564977, 999.9048871899085, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '90'], [999.9218108178566, 999.9133794284098, 999.9133820131794, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '91'], [999.9218108178566, 999.9105259448323, 999.9105286819939, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '92'], [999.9218108178566, 999.8985405188578, 999.8985484364653, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '93'], [999.9218108178566, 999.893469191561, 999.8934758872723, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '94'], [999.9218108178566, 999.9049867893627, 999.9049897990077, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '95'], [999.9218108178566, 999.8954465548194, 999.8954551372753, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '96'], [999.9218108178566, 999.886146695443, 999.886159069205, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '97'], [999.9218108178566, 999.8992067743576, 999.8992140979611, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '98'], [999.9218108178566, 999.8923781424306, 999.892386037497, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '99'], [999.9218108178566, 999.9169908455059, 999.9169912263617, '-1010.1001110110111000011100', '-0001.0011100010111110000111', '10', '100']]], [[[999.6873484972012, 999.5622316574289, 999.5622364272533, '-10111.110000100010001010010110', '1011.10010110011100011100100', '11', '1'], [999.687733242476, 999.6761464095142, 999.6761469315519, '-10111.110000100010001010011110', '1011.10110111000000011100100', '11', '2'], [999.6878817751262, 999.6848847502706, 999.6848850392537, '-10111.110010100010001010011110', '1011.10110111010000001100100', '11', '3'], [999.687885798452, 999.6709444637912, 999.670945705797, '-10111.110010100010001010111110', '1011.10110111110000001100100', '11', '4'], [999.6878959937203, 999.6730183684105, 999.6730201833608, '-10111.110010000010000010011110', '1011.10110111110000001100100', '11', '5'], [999.6878968245347, 999.6730140405447, 999.6730158091354, '-10111.110010000010000010011110', '1011.10110110110000001101100', '11', '6'], [999.6878968245347, 999.6763325647106, 999.6763334624668, '-10111.110010000010000010011110', '1011.10110110110000001101100', '11', '7'], [999.6878968533234, 999.6782933613081, 999.6782942429659, '-10111.110010000000000010011110', '1011.10110110110000001101100', '11', '8'], [999.6878968536492, 999.6751147731042, 999.6751161544536, '-10111.110010000000000010011110', '1011.10110110110000000101110', '11', '9'], [999.6878968577605, 999.6642550200662, 999.6642578489672, '-10111.110010000000010011011110', '1011.10110110110000000101110', '11', '10'], [999.6878968588385, 999.6845401417226, 999.6845404286015, '-10111.110010000000011011011110', '1011.10110110110000000101110', '11', '11'], [999.6878968591718, 999.6701349361209, 999.6701370671792, '-10111.110010000000011111011110', '1011.10110110110000000101110', '11', '12'], [999.6878968592056, 999.6769267876422, 999.6769281757414, '-10111.110010000000011111011110', '1011.10110110110000000001110', '11', '13'], [999.6878968592391, 999.6734473399633, 999.6734489618541, '-10111.110010000000011111111110', '1011.10110110110000000001010', '11', '14'], [999.6878968592474, 999.6717591520953, 999.671760640477, '-10111.110010000000011111111111', '1011.10110110110000000000010', '11', '15'], [999.6878968592483, 999.6675364298528, 999.6675387438132, '-10111.110010000000011111111110', '1011.10110110110000000000000', '11', '16'], [999.6878968592483, 999.6725913478298, 999.672593283723, '-10111.110010000000011111111110', '1011.10110110110000000000000', '11', '17'], [999.6878968592483, 999.6711904341267, 999.6711923122051, '-10111.110010000000011111111110', '1011.10110110110000000000000', '11', '18'], [999.6878968592492, 999.6758155695783, 999.6758163679326, '-10111.110010000000011111111111', '1011.10110110110000000000000', '11', '19'], [999.6878968592492, 999.6784809840082, 999.678481979355, '-10111.110010000000011111111111', '1011.10110110110000000000000', '11', '20'], [999.6878968592492, 999.6645726903439, 999.6645755580535, '-10111.110010000000011111111111', '1011.10110110110000000000000', '11', '21'], [999.6878968592492, 999.6814841075928, 999.6814846851839, '-10111.110010000000011111111111', '1011.10110110110000000000000', '11', '22'], [999.7406283456068, 999.6797355835422, 999.6797365216429, '-10011.110010000000011111111111', '0011.10110110110000000000000', '11', '23'], [999.7406360687564, 999.6946418086758, 999.6946439939081, '-10011.110010000000010111111111', '0011.10110110110000000000100', '11', '24'], [999.7723058492212, 999.7161197226468, 999.7161231663179, '-10011.100010000000010111111111', '0011.10110110110000000000000', '11', '25'], [999.7723081813898, 999.7349195640352, 999.7349241071438, '-10011.100010000100010111111111', '0011.10110110110000000000000', '11', '26'], [999.7723098476383, 999.7406900999558, 999.7406963095392, '-10011.100010001100010111111111', '0011.10110110110000000000000', '11', '27'], [999.7723098496504, 999.7539205483579, 999.7539248884315, '-10011.100010001100010111111111', '0011.10110110110001000000000', '11', '28'], [999.7723098547389, 999.7663827969969, 999.7663836198146, '-10011.100010001100010111111111', '0011.10110110110100000000000', '11', '29'], [999.7723098595088, 999.7413190958532, 999.7413255218288, '-10011.100010001100010011111111', '0011.10110110110111000000000', '11', '30'], [999.7723098614798, 999.7549206386503, 999.7549249330499, '-10011.100010001100000011111111', '0011.10110110110111000000000', '11', '31'], [999.7723098614798, 999.7631044691187, 999.7631054239498, '-10011.100010001100000011111111', '0011.10110110110111000000100', '11', '32'], [999.7723098614798, 999.7667267971572, 999.7667277807501, '-10011.100010001100000011111111', '0011.10110110110111000001001', '11', '33'], [999.7723098614798, 999.7361455029226, 999.736152237343, '-10011.100010001100000011111111', '0011.10110110110111000001101', '11', '34'], [999.7723098614798, 999.7663152226207, 999.7663163989075, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '35'], [999.7723098614798, 999.7652268498803, 999.7652279496681, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '36'], [999.7723098614798, 999.744869981408, 999.7448758074233, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '37'], [999.7723098614798, 999.7535508623453, 999.7535551606178, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '38'], [999.7723098614798, 999.7550377609329, 999.7550416296227, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '39'], [999.7723098614798, 999.743919762871, 999.7439265054408, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '40'], [999.7723098614798, 999.7506318898103, 999.75063612997, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '41'], [999.7723098614798, 999.7345059928571, 999.734513435461, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '42'], [999.7723098614798, 999.7414552648729, 999.7414607494762, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '43'], [999.7723098614798, 999.7265068222131, 999.7265167527702, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '44'], [999.7723098614798, 999.7391785989172, 999.7391856909912, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '45'], [999.7723098614798, 999.7439893894475, 999.7439955717421, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '46'], [999.7723098614798, 999.7552595817657, 999.7552624905572, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '47'], [999.7723098614798, 999.7511112488095, 999.7511151332881, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '48'], [999.7723098614798, 999.7558531004942, 999.7558562630369, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '49'], [999.7723098614798, 999.7549334512441, 999.7549366273521, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '50'], [999.7723098614798, 999.7490122089199, 999.7490170741604, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '51'], [999.7723098614798, 999.7447144969888, 999.7447206562279, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '52'], [999.7723098614798, 999.7497647324286, 999.7497701069466, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '53'], [999.7723098614798, 999.7515533385287, 999.7515588227229, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '54'], [999.7723098614798, 999.7580385617302, 999.7580409252212, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '55'], [999.7723098614798, 999.7506875951344, 999.7506909654116, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '56'], [999.7723098614798, 999.7534851596049, 999.753488513457, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '57'], [999.7723098614798, 999.7488379614566, 999.74884391815, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '58'], [999.7723098614798, 999.7410809628351, 999.7410864536909, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '59'], [999.7723098614798, 999.7589761405201, 999.7589787440909, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '60'], [999.7723098614798, 999.7567054633064, 999.7567092617612, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '61'], [999.7723098614798, 999.7497631106495, 999.7497684599168, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '62'], [999.7723098614798, 999.7467541013582, 999.7467601123348, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '63'], [999.7723098614798, 999.7524275834428, 999.7524315418799, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '64'], [999.7723098614798, 999.7589081965041, 999.7589115175134, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '65'], [999.7723098614798, 999.7459048214374, 999.7459110726578, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '66'], [999.7723098614798, 999.7382848879263, 999.738290608376, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '67'], [999.7723098614798, 999.7558312716856, 999.7558340268096, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '68'], [999.7723098614798, 999.7666191696314, 999.7666195558277, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '69'], [999.7723098614798, 999.7463956470137, 999.7463997746756, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '70'], [999.7723098614798, 999.7528586934941, 999.7528622373853, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '71'], [999.7723098614798, 999.7585559314753, 999.7585579580575, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '72'], [999.7723098614798, 999.7590978653242, 999.7590999354917, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '73'], [999.7723098614798, 999.7490921207453, 999.749098226385, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '74'], [999.7723098614798, 999.753116127284, 999.7531191916567, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '75'], [999.7723098614798, 999.75027614156, 999.7502795523104, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '76'], [999.7723098614798, 999.7573465240448, 999.7573494394111, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '77'], [999.7723098614798, 999.7452019526891, 999.7452076833771, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '78'], [999.7723098614798, 999.7534539233678, 999.7534580590371, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '79'], [999.7723098614798, 999.7495997111057, 999.7496044174995, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '80'], [999.7723098614798, 999.7581711970461, 999.7581741000744, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '81'], [999.7723098614798, 999.7621943148863, 999.7621962357699, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '82'], [999.7723098614798, 999.7548261862764, 999.7548306260439, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '83'], [999.7723098614798, 999.7502560692304, 999.7502621671372, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '84'], [999.7723098614798, 999.7442437494606, 999.7442498374716, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '85'], [999.7723098614798, 999.7518370872117, 999.751841091592, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '86'], [999.7723098614798, 999.7521930162261, 999.7521967877545, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '87'], [999.7723098614798, 999.7481033462557, 999.7481074177375, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '88'], [999.7723098614798, 999.7575994642683, 999.7576028986127, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '89'], [999.7723098614798, 999.7450392666141, 999.7450444251414, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '90'], [999.7723098614798, 999.7672949046719, 999.7672956660409, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '91'], [999.7723098614798, 999.7404001025831, 999.7404078750673, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '92'], [999.7723098614798, 999.7528062363988, 999.7528102543439, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '93'], [999.7723098614798, 999.7705236593492, 999.7705236951468, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '94'], [999.7723098614798, 999.7308539594959, 999.7308624378288, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '95'], [999.7723098614798, 999.7505705355014, 999.7505745410331, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '96'], [999.7723098614798, 999.7417200995908, 999.7417266830967, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '97'], [999.7723098614798, 999.7559493369329, 999.7559524432235, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '98'], [999.7723098614798, 999.7553726541275, 999.7553754970005, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '99'], [999.7723098614798, 999.7529754017331, 999.7529806958887, '-10011.100010001100000011111111', '0011.10110110110111000011011', '11', '100']]], [[[999.7092349722852, 999.6094794204863, 999.6094817460707, '-10000.11000000101000111101011', '0.11000111100001010110010101', '12', '1'], [999.7118541710648, 999.6707053614233, 999.6707072791536, '-10000.11000000001000111101011', '0.11010111101001010110010101', '12', '2'], [999.8182039001963, 999.7008573199043, 999.700859860948, '-10000.01000000101000111101011', '0.11010111101001010010010101', '12', '3'], [999.8192079395245, 999.7682322361605, 999.7682343748372, '-10000.01000000101000111101011', '0.10010111101001010110010101', '12', '4'], [999.8217772757041, 999.7968238276039, 999.7968285374261, '-10000.01010000101000111101011', '0.10010111101001010110010101', '12', '5'], [999.8217775258814, 999.7942371457295, 999.7942421946965, '-10000.01010000101000111101011', '0.10010101101001010010010101', '12', '6'], [999.8217776883173, 999.8051367931045, 999.805139838371, '-10000.01010000101001111101011', '0.10010001101001010010010101', '12', '7'], [999.8217776935414, 999.8103907327421, 999.8103931102, '-10000.01010000101101111101011', '0.10010011101001010010010101', '12', '8'], [999.8217776971139, 999.8019718770801, 999.8019757395219, '-10000.01010000101001111101011', '0.10010010101001010010010101', '12', '9'], [999.8217776974136, 999.7943439176477, 999.7943491873626, '-10000.01010000101100111101011', '0.10010011101101010010010101', '12', '10'], [999.8217776974544, 999.8075773124388, 999.807579923294, '-10000.01010000101100110101011', '0.10010011101101010010010101', '12', '11'], [999.8217776974545, 999.8101541334321, 999.8101565845177, '-10000.01010000101100110101001', '0.10010011101101010010110101', '12', '12'], [999.8217776974545, 999.8078124094741, 999.8078153078684, '-10000.01010000101100110101001', '0.10010011101101010110110101', '12', '13'], [999.8217776974545, 999.8067115301651, 999.8067150701434, '-10000.01010000101100110101001', '0.10010011101101010110111101', '12', '14'], [999.8217776974545, 999.7983036346841, 999.798308377727, '-10000.01010000101100110101001', '0.10010011101101010110111111', '12', '15'], [999.8217776974545, 999.8101199059416, 999.810122356792, '-10000.01010000101100110101001', '0.10010011101101010110111111', '12', '16'], [999.8217776974545, 999.7955706361764, 999.7955766657625, '-10000.01010000101100110101001', '0.10010011101101010110111111', '12', '17'], [999.8217776974545, 999.7916192898407, 999.7916254152758, '-10000.01010000101100110101001', '0.10010011101101010110111111', '12', '18'], [999.8217776974545, 999.797086146602, 999.7970914885083, '-10000.01010000101100110101001', '0.10010011101101010111111111', '12', '19'], [999.8217776974545, 999.7962206326919, 999.7962254845006, '-10000.01010000101100110101001', '0.10010011101101010111111111', '12', '20'], [999.8217776974545, 999.8104969815523, 999.8104987223777, '-10000.01010000101100110101001', '0.10010011101101010111111111', '12', '21'], [999.8217776974545, 999.8145341307791, 999.8145353442605, '-10000.01010000101100110101011', '0.10010011101101010111111111', '12', '22'], [999.8217776974545, 999.8090243831582, 999.8090272049955, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '23'], [999.8217776974545, 999.8048291748966, 999.804832372334, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '24'], [999.8217776974545, 999.805580353777, 999.8055831260768, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '25'], [999.8217776974545, 999.8014042257569, 999.8014084249888, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '26'], [999.8217776974545, 999.8012110158005, 999.8012146821036, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '27'], [999.8217776974545, 999.8027792628502, 999.8027833450215, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '28'], [999.8217776974545, 999.7947533630926, 999.7947589274802, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '29'], [999.8217776974545, 999.8037283828893, 999.8037309982193, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '30'], [999.8217776974545, 999.8059004686559, 999.8059032545655, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '31'], [999.8217776974545, 999.8126245647853, 999.8126261732465, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '32'], [999.8217776974545, 999.8011066262329, 999.801111160516, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '33'], [999.8217776974545, 999.7966872249214, 999.7966917701425, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '34'], [999.8217776974545, 999.8056012467692, 999.8056042707882, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '35'], [999.8217776974545, 999.8201655864312, 999.8201656986503, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '36'], [999.8217776974545, 999.8029704817437, 999.8029742830086, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '37'], [999.8217776974545, 999.798703837536, 999.7987088610033, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '38'], [999.8217776974545, 999.807358012595, 999.8073606695903, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '39'], [999.8217776974545, 999.816784989992, 999.8167853261739, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '40'], [999.8217776974545, 999.8061912072415, 999.8061951147224, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '41'], [999.8217776974545, 999.8058278768592, 999.8058312511696, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '42'], [999.8217776974545, 999.7982813242386, 999.7982851490247, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '43'], [999.8217776974545, 999.8130088380851, 999.8130107575064, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '44'], [999.8217776974545, 999.7988956063881, 999.7989006060671, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '45'], [999.8217776974545, 999.8111490586059, 999.8111505455407, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '46'], [999.8217776974545, 999.8180114621978, 999.8180120756559, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '47'], [999.8217776974545, 999.8076530870337, 999.8076559689321, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '48'], [999.8217776974545, 999.7977417751708, 999.7977464833303, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '49'], [999.8217776974545, 999.809460832449, 999.8094629490691, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '50'], [999.8217776974545, 999.806307369996, 999.8063106599244, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '51'], [999.8217776974545, 999.8143552306952, 999.8143567333689, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '52'], [999.8217776974545, 999.7972740318137, 999.7972788608247, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '53'], [999.8217776974545, 999.8152886996924, 999.815289505314, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '54'], [999.8217776974545, 999.7901824320256, 999.79018827404, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '55'], [999.8217776974545, 999.8073376086796, 999.8073402661076, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '56'], [999.8217776974545, 999.7991242479931, 999.7991292734108, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '57'], [999.8217776974545, 999.7942769728139, 999.7942830656558, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '58'], [999.8217776974545, 999.8117859607486, 999.8117876970905, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '59'], [999.8217776974545, 999.8126283586944, 999.8126299685962, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '60'], [999.8217776974545, 999.7918171429193, 999.7918228478578, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '61'], [999.8217776974545, 999.8050361728242, 999.8050392843297, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '62'], [999.8217776974545, 999.8057097720688, 999.8057122302781, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '63'], [999.8217776974545, 999.8097741809165, 999.8097769130165, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '64'], [999.8217776974545, 999.8106521228467, 999.8106544876794, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '65'], [999.8217776974545, 999.8089335818, 999.8089363336817, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '66'], [999.8217776974545, 999.8062847689102, 999.8062872455698, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '67'], [999.8217776974545, 999.8107602514459, 999.8107614206606, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '68'], [999.8217776974545, 999.7782430805865, 999.7782524737884, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '69'], [999.8217776974545, 999.8048423273318, 999.8048453446696, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '70'], [999.8217776974545, 999.8012869671243, 999.8012912358533, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '71'], [999.8217776974545, 999.7945762818371, 999.7945808346703, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '72'], [999.8217776974545, 999.8182628343407, 999.81826313214, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '73'], [999.8217776974545, 999.7941899106423, 999.7941960158685, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '74'], [999.8217776974545, 999.8131985787306, 999.8131998939576, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '75'], [999.8217776974545, 999.7969501190565, 999.7969549482546, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '76'], [999.8217776974545, 999.7921441634012, 999.7921495304545, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '77'], [999.8217776974545, 999.8008819238573, 999.8008864465409, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '78'], [999.8217776974545, 999.8059840367673, 999.805986943421, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '79'], [999.8217776974545, 999.8017032617181, 999.801707148784, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '80'], [999.8217776974545, 999.8075127064938, 999.8075149801577, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '81'], [999.8217776974545, 999.7996394596878, 999.7996428693265, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '82'], [999.8217776974545, 999.8131693142946, 999.8131706293154, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '83'], [999.8217776974545, 999.8097739048909, 999.8097766370106, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '84'], [999.8217776974545, 999.8083709554975, 999.8083729553509, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '85'], [999.8217776974545, 999.8144742001092, 999.8144753555259, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '86'], [999.8217776974545, 999.8043175108304, 999.804320958919, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '87'], [999.8217776974545, 999.8144449718955, 999.8144464212525, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '88'], [999.8217776974545, 999.8195893713064, 999.8195894906725, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '89'], [999.8217776974545, 999.8017431035915, 999.8017473496071, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '90'], [999.8217776974545, 999.7973478126736, 999.7973529096254, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '91'], [999.8217776974545, 999.7993405365404, 999.7993451762404, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '92'], [999.8217776974545, 999.8060624812589, 999.8060667042564, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '93'], [999.8217776974545, 999.7986569039465, 999.798662132324, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '94'], [999.8217776974545, 999.7962038887762, 999.7962089917821, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '95'], [999.8217776974545, 999.8086184425146, 999.8086209995898, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '96'], [999.8217776974545, 999.8106034828744, 999.8106059740778, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '97'], [999.8217776974545, 999.7954354096529, 999.7954411710792, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '98'], [999.8217776974545, 999.8121102128779, 999.8121118747, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '99'], [999.8217776974545, 999.8057433087279, 999.8057465904163, '-10000.01010000101100110101011', '0.10010011101101011111111111', '12', '100']]], [[[999.878283600427, 999.6189306650695, 999.6189553601108, '-101.01101010100101001001101', '-100.00101100010101111000011', '13', '1'], [999.8834231012213, 999.839328027994, 999.8393338246898, '-101.01101010101100001001101', '-100.00101000010101010000011', '13', '2'], [999.8957144976672, 999.7525244252646, 999.7525610872367, '-101.01100010100001001001101', '-100.00101000010101010000011', '13', '3'], [999.9556342665106, 999.8353399025843, 999.8353601907814, '-101.00100010101101001001101', '-100.00101100010101000000011', '13', '4'], [999.9626666533296, 999.8974710361103, 999.8974860668662, '-101.00000010101101001001101', '-100.00101100010101010000011', '13', '5'], [999.9627413450394, 999.9479595404546, 999.9479646189138, '-101.00000010101101001001101', '-100.00101110010101010000011', '13', '6'], [999.9627691147341, 999.935815489217, 999.9358245843825, '-101.00000011101101001001101', '-100.00101110011101010000011', '13', '7'], [999.9627758198285, 999.9518713771556, 999.9518733325924, '-101.00000011101101001001101', '-100.00101111011101010000011', '13', '8'], [999.9627758716148, 999.9419766655473, 999.9419824804719, '-101.00000011101111001001101', '-100.00101111011101010000011', '13', '9'], [999.9627758998325, 999.9409454484107, 999.940951861626, '-101.00000011101111001001101', '-100.00101111011111010010011', '13', '10'], [999.9627759066744, 999.9316676739764, 999.9316775000361, '-101.00000011101111101001101', '-100.00101111011111010010011', '13', '11'], [999.9627759113633, 999.9403734486636, 999.9403776839788, '-101.00000011101111101011100', '-100.00101111011111110001011', '13', '12'], [999.9627759139407, 999.9309899776038, 999.931001526222, '-101.00000011101111111011100', '-100.00101111011111110001011', '13', '13'], [999.9627759145426, 999.9272749351009, 999.9272869310428, '-101.00000011101111111111100', '-100.00101111011111110001011', '13', '14'], [999.9627759154307, 999.9187870662437, 999.918800502863, '-101.00000011101111111111100', '-100.00101111011111111001011', '13', '15'], [999.9627759156465, 999.9501085796526, 999.9501124650254, '-101.00000011101111111111100', '-100.00101111011111111011011', '13', '16'], [999.9627759161049, 999.9422643494242, 999.9422700210783, '-101.00000011101111111111110', '-100.00101111011111111111011', '13', '17'], [999.9627759161219, 999.927107247238, 999.9271194810512, '-101.00000011101111111111111', '-100.00101111011111111111011', '13', '18'], [999.9627759161741, 999.9265319583154, 999.9265406312288, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '19'], [999.9627759161741, 999.9365671947842, 999.9365761603334, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '20'], [999.9627759161741, 999.9262200739487, 999.9262327837416, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '21'], [999.9627759161741, 999.9392398441719, 999.9392447056904, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '22'], [999.9627759161741, 999.9469107491194, 999.9469157785255, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '23'], [999.9627759161741, 999.9145528020355, 999.9145674732133, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '24'], [999.9627759161741, 999.8952629008613, 999.8952845340436, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '25'], [999.9627759161741, 999.9396380217805, 999.9396464299554, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '26'], [999.9627759161741, 999.9307066803375, 999.9307162358353, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '27'], [999.9627759161741, 999.9414646581514, 999.9414727809898, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '28'], [999.9627759161741, 999.9460765078193, 999.9460813280235, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '29'], [999.9627759161741, 999.9534504632658, 999.9534541923647, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '30'], [999.9627759161741, 999.9444332791631, 999.9444364983991, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '31'], [999.9627759161741, 999.9178489893624, 999.9178627106803, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '32'], [999.9627759161741, 999.9322746485859, 999.9322840117778, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '33'], [999.9627759161741, 999.9485069094014, 999.9485118661729, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '34'], [999.9627759161741, 999.9389878563483, 999.9389959137528, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '35'], [999.9627759161741, 999.9360802362431, 999.9360868820364, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '36'], [999.9627759161741, 999.9146813115374, 999.9146947284528, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '37'], [999.9627759161741, 999.9263100041529, 999.9263231452754, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '38'], [999.9627759161741, 999.9337671756975, 999.9337771310766, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '39'], [999.9627759161741, 999.932755757146, 999.9327671880831, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '40'], [999.9627759161741, 999.9219658703121, 999.9219813900781, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '41'], [999.9627759161741, 999.9440192505629, 999.9440267069745, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '42'], [999.9627759161741, 999.9323277291992, 999.9323352346852, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '43'], [999.9627759161741, 999.9474974325188, 999.9475025427554, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '44'], [999.9627759161741, 999.9340177086812, 999.934027760818, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '45'], [999.9627759161741, 999.9154430353186, 999.915459579939, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '46'], [999.9627759161741, 999.9367345310764, 999.9367429369515, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '47'], [999.9627759161741, 999.9540818249063, 999.9540830157425, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '48'], [999.9627759161741, 999.9436400768946, 999.9436455477138, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '49'], [999.9627759161741, 999.94735794529, 999.9473628469758, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '50'], [999.9627759161741, 999.9045056100534, 999.9045265601226, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '51'], [999.9627759161741, 999.9376217945639, 999.9376291914931, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '52'], [999.9627759161741, 999.9331578458329, 999.9331674902137, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '53'], [999.9627759161741, 999.9068452047645, 999.9068637990067, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '54'], [999.9627759161741, 999.9401810079555, 999.9401873788888, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '55'], [999.9627759161741, 999.9362487461138, 999.9362558586345, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '56'], [999.9627759161741, 999.9447677879044, 999.944775294357, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '57'], [999.9627759161741, 999.9507265116289, 999.9507305447052, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '58'], [999.9627759161741, 999.9613754317671, 999.9613755166175, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '59'], [999.9627759161741, 999.9124242194008, 999.9124394327306, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '60'], [999.9627759161741, 999.9406615799136, 999.9406674758512, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '61'], [999.9627759161741, 999.9375073614596, 999.9375159649885, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '62'], [999.9627759161741, 999.9416738955806, 999.94167996351, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '63'], [999.9627759161741, 999.9274541358982, 999.9274665038208, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '64'], [999.9627759161741, 999.9429891934202, 999.9429951470124, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '65'], [999.9627759161741, 999.9285871396615, 999.9285993724807, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '66'], [999.9627759161741, 999.9056307517526, 999.9056491499964, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '67'], [999.9627759161741, 999.9433423753039, 999.9433479564398, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '68'], [999.9627759161741, 999.9348158209425, 999.9348229700456, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '69'], [999.9627759161741, 999.9320887220335, 999.9320981849611, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '70'], [999.9627759161741, 999.9427092280498, 999.9427150958982, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '71'], [999.9627759161741, 999.9412329360847, 999.9412386670109, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '72'], [999.9627759161741, 999.9145730023844, 999.9145897746412, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '73'], [999.9627759161741, 999.9397211273995, 999.9397278694715, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '74'], [999.9627759161741, 999.9358465971175, 999.9358559956412, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '75'], [999.9627759161741, 999.9295558645583, 999.9295637921479, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '76'], [999.9627759161741, 999.9555562453312, 999.9555573038617, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '77'], [999.9627759161741, 999.9540137986427, 999.9540175923667, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '78'], [999.9627759161741, 999.933485189174, 999.9334948067349, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '79'], [999.9627759161741, 999.9290832835766, 999.9290965287507, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '80'], [999.9627759161741, 999.9169856450185, 999.9170000560631, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '81'], [999.9627759161741, 999.9269567983703, 999.9269692113454, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '82'], [999.9627759161741, 999.9214153559196, 999.921429593257, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '83'], [999.9627759161741, 999.9471605935985, 999.9471650209849, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '84'], [999.9627759161741, 999.9307576323332, 999.9307697519614, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '85'], [999.9627759161741, 999.9367338522247, 999.9367428379342, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '86'], [999.9627759161741, 999.9390191506186, 999.9390275628097, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '87'], [999.9627759161741, 999.9262014807093, 999.9262123576083, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '88'], [999.9627759161741, 999.9192727875962, 999.9192885817099, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '89'], [999.9627759161741, 999.9477958406638, 999.947798843597, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '90'], [999.9627759161741, 999.9391560054968, 999.9391621598387, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '91'], [999.9627759161741, 999.9162064269681, 999.91622331099, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '92'], [999.9627759161741, 999.9493060518565, 999.9493107857656, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '93'], [999.9627759161741, 999.9452526783374, 999.9452577035087, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '94'], [999.9627759161741, 999.9017132640611, 999.9017364068784, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '95'], [999.9627759161741, 999.9386070603932, 999.9386131464303, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '96'], [999.9627759161741, 999.9342924414133, 999.9343015838083, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '97'], [999.9627759161741, 999.9177449261571, 999.9177612051385, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '98'], [999.9627759161741, 999.9322575041874, 999.9322672287778, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '99'], [999.9627759161741, 999.9352992665481, 999.9353079482055, '-101.00000011101111111111111', '-100.00101111011111111111111', '13', '100']]], [[[999.9889919478478, 999.6679489344943, 999.6679761294307, '10.0011011110100111100001101001', '-11.101110100101100010100011', '14', '1'], [999.9896508711016, 999.9594169712722, 999.9594226010595, '10.0011001110100111101101101001', '-11.101110100101100010100011', '14', '2'], [999.9901993651966, 999.9658994264811, 999.9659043444137, '10.0000011110100111101101101001', '-11.100111100101100010100011', '14', '3'], [999.9902306458213, 999.9733061854104, 999.9733084519967, '10.0011000100100111101101101001', '-11.101111100101100110100011', '14', '4'], [999.9902635146157, 999.9585546830122, 999.9585633606192, '10.0011000100100111101101101001', '-11.101111110101100110100011', '14', '5'], [999.9902807131397, 999.9784522669718, 999.9784553398205, '10.0011000000100111101001101001', '-11.101111110101100110100011', '14', '6'], [999.9902838876386, 999.9742421749697, 999.9742450283717, '10.0011000000100111101001101001', '-11.101111111101100110100011', '14', '7'], [999.9902840794822, 999.9578389504785, 999.9578467227584, '10.0011000000100111101001101001', '-11.101111111111100110100011', '14', '8'], [999.9902840865467, 999.973845848335, 999.9738499862912, '10.0011000000100111101001101000', '-11.101111111111110110100011', '14', '9'], [999.9902840898113, 999.9699774541663, 999.9699828364186, '10.0011000000100011101001101000', '-11.101111111111110110100011', '14', '10'], [999.9902840901107, 999.9799068637734, 999.9799093947893, '10.0011000000100001101001101000', '-11.101111111111110110100011', '14', '11'], [999.9902840901218, 999.958765512729, 999.958773041364, '10.0011000000100001111001101000', '-11.101111111111110110100011', '14', '12'], [999.9902840901225, 999.9713431222277, 999.9713487670359, '10.0011000000100001111101101000', '-11.101111111111110110100011', '14', '13'], [999.9902840901225, 999.9821213642043, 999.982122299033, '10.0011000000100001111111101000', '-11.101111111111110110100011', '14', '14'], [999.9902840901225, 999.9742773549079, 999.9742803652665, '10.0011000000100001111111111000', '-11.101111111111110110100011', '14', '15'], [999.9902840901225, 999.9540709135066, 999.9540794430542, '10.0011000000100001111111111001', '-11.101111111111110110100011', '14', '16'], [999.9902840901225, 999.9765791895713, 999.9765815332106, '10.0011000000100001111111111010', '-11.101111111111110110101011', '14', '17'], [999.9902840901225, 999.983802635687, 999.9838037932745, '10.0011000000100001111111111011', '-11.101111111111110110101011', '14', '18'], [999.9902840901225, 999.9692163194077, 999.969220563449, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '19'], [999.9902840901225, 999.9780145127302, 999.9780178818266, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '20'], [999.9902840901225, 999.9715013855196, 999.9715058813008, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '21'], [999.9902840901225, 999.982141629182, 999.9821434160142, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '22'], [999.9902840901225, 999.9868814139716, 999.9868815916055, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '23'], [999.9902840901225, 999.9802054573577, 999.9802076294599, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '24'], [999.9902840901225, 999.9719183983643, 999.9719226187754, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '25'], [999.9902840901225, 999.9799936602664, 999.9799953362424, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '26'], [999.9902840901225, 999.9558891472363, 999.955898154664, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '27'], [999.9902840901225, 999.9475363541414, 999.9475477681802, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '28'], [999.9902840901225, 999.9888281092171, 999.9888281880659, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '29'], [999.9902840901225, 999.9779161904289, 999.9779181857505, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '30'], [999.9902840901225, 999.9635503440252, 999.9635576291622, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '31'], [999.9902840901225, 999.9855392951575, 999.9855395399594, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '32'], [999.9902840901225, 999.9763855316761, 999.9763887346188, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '33'], [999.9902840901225, 999.9654811142059, 999.965487401334, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '34'], [999.9902840901225, 999.96429383865, 999.9643001190157, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '35'], [999.9902840901225, 999.9839964154229, 999.9839967491182, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '36'], [999.9902840901225, 999.9782296177274, 999.9782322415871, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '37'], [999.9902840901225, 999.9743526005934, 999.974355370973, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '38'], [999.9902840901225, 999.9849034149801, 999.9849040468029, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '39'], [999.9902840901225, 999.9774774767386, 999.9774812985404, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '40'], [999.9902840901225, 999.955628417262, 999.9556351313427, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '41'], [999.9902840901225, 999.9792462218927, 999.9792488393332, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '42'], [999.9902840901225, 999.9740908357994, 999.9740947093103, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '43'], [999.9902840901225, 999.9741254560305, 999.9741282282255, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '44'], [999.9902840901225, 999.9667391003926, 999.9667449695196, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '45'], [999.9902840901225, 999.9603009027508, 999.9603088265143, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '46'], [999.9902840901225, 999.9854730392586, 999.9854736645468, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '47'], [999.9902840901225, 999.9835933177571, 999.9835944784616, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '48'], [999.9902840901225, 999.9631322204426, 999.9631379897329, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '49'], [999.9902840901225, 999.9647767814045, 999.9647829052061, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '50'], [999.9902840901225, 999.9804171172561, 999.9804187512925, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '51'], [999.9902840901225, 999.9741152856276, 999.9741189330961, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '52'], [999.9902840901225, 999.9683980602478, 999.9684022419991, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '53'], [999.9902840901225, 999.954196523663, 999.9542046774666, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '54'], [999.9902840901225, 999.9770580451576, 999.9770607338593, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '55'], [999.9902840901225, 999.9661282015892, 999.9661338224548, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '56'], [999.9902840901225, 999.9731252757073, 999.9731299884712, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '57'], [999.9902840901225, 999.9412193839572, 999.9412320173789, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '58'], [999.9902840901225, 999.9798558969832, 999.9798584522717, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '59'], [999.9902840901225, 999.9602929618803, 999.9602994596138, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '60'], [999.9902840901225, 999.969265127193, 999.9692684461162, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '61'], [999.9902840901225, 999.9748657564097, 999.974869031791, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '62'], [999.9902840901225, 999.982980203845, 999.9829819796466, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '63'], [999.9902840901225, 999.9815361544249, 999.9815373068736, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '64'], [999.9902840901225, 999.9809446332665, 999.980946305057, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '65'], [999.9902840901225, 999.9735082505905, 999.9735109413324, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '66'], [999.9902840901225, 999.9833891343118, 999.9833898499355, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '67'], [999.9902840901225, 999.9645890372617, 999.96459416698, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '68'], [999.9902840901225, 999.955816298388, 999.9558248445118, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '69'], [999.9902840901225, 999.9643330806965, 999.9643394930774, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '70'], [999.9902840901225, 999.9561804045535, 999.9561889729567, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '71'], [999.9902840901225, 999.9868804174062, 999.9868809587045, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '72'], [999.9902840901225, 999.9682436030023, 999.9682473783259, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '73'], [999.9902840901225, 999.9777785327673, 999.9777816111967, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '74'], [999.9902840901225, 999.9865568046173, 999.9865573523651, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '75'], [999.9902840901225, 999.9711957096297, 999.9711996452653, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '76'], [999.9902840901225, 999.9847124768136, 999.9847135574842, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '77'], [999.9902840901225, 999.9773090982806, 999.9773117894347, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '78'], [999.9902840901225, 999.9614746738074, 999.961481496458, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '79'], [999.9902840901225, 999.9767205300532, 999.9767232745302, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '80'], [999.9902840901225, 999.9727668232373, 999.9727705349549, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '81'], [999.9902840901225, 999.9440192428134, 999.9440324717536, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '82'], [999.9902840901225, 999.9670551982075, 999.9670615182948, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '83'], [999.9902840901225, 999.9545767402346, 999.9545863357012, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '84'], [999.9902840901225, 999.9709984193548, 999.971002735234, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '85'], [999.9902840901225, 999.9815196091205, 999.981521463969, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '86'], [999.9902840901225, 999.9718622944487, 999.9718660573631, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '87'], [999.9902840901225, 999.9644940397576, 999.9644995047203, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '88'], [999.9902840901225, 999.9887866746062, 999.9887867607234, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '89'], [999.9902840901225, 999.9775658723444, 999.9775690192275, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '90'], [999.9902840901225, 999.9719224004381, 999.9719258525515, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '91'], [999.9902840901225, 999.9664176779199, 999.9664222093021, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '92'], [999.9902840901225, 999.9749642073702, 999.9749665394046, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '93'], [999.9902840901225, 999.9644868895573, 999.9644924284233, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '94'], [999.9902840901225, 999.9788409770066, 999.9788431735466, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '95'], [999.9902840901225, 999.9801921144602, 999.9801942940262, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '96'], [999.9902840901225, 999.9779696501715, 999.9779714605768, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '97'], [999.9902840901225, 999.9727382475929, 999.9727419028973, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '98'], [999.9902840901225, 999.9877970550356, 999.9877971491582, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '99'], [999.9902840901225, 999.9725975186433, 999.9726005411908, '10.0011000000100001111111111111', '-11.101111111111110110101011', '14', '100']]], [[[999.921748559592, 999.6813525826853, 999.6813822776028, '-1001.100000111101010001111', '100.0001000000010000111000000', '15', '1'], [999.9218108114873, 999.8948055903301, 999.8948114464077, '-1001.100000111100010001101', '100.0001010100010000111000000', '15', '2'], [999.9218108133446, 999.8883366375304, 999.8883445761473, '-1001.100000111100010101101', '100.0001010100010000111000000', '15', '3'], [999.921810816101, 999.9029651115835, 999.9029691387941, '-1001.100000111100011101101', '100.0001010100010000111000000', '15', '4'], [999.9218108165906, 999.888250352542, 999.8882593305698, '-1001.100000111100011111101', '100.0001010100010000111000000', '15', '5'], [999.9218108167976, 999.8939466814081, 999.8939546258046, '-1001.100000111100011111101', '100.0001010100010000011000000', '15', '6'], [999.9218108168942, 999.9054974914675, 999.9055009849408, '-1001.100000111100011111101', '100.0001010100010000001000000', '15', '7'], [999.9218108169412, 999.8900250423148, 999.8900330910818, '-1001.100000111100011111111', '100.0001010100010000001000010', '15', '8'], [999.9218108169418, 999.8791187465362, 999.8791305876426, '-1001.100000111100011111111', '100.0001010100010000001000001', '15', '9'], [999.9218108169873, 999.8772860895946, 999.8772985285713, '-1001.100000111100011111111', '100.0001010100010000000000001', '15', '10'], [999.9218108169873, 999.8958925223837, 999.8958991774217, '-1001.100000111100011111111', '100.0001010100010000000000001', '15', '11'], [999.921810816988, 999.897532910819, 999.8975402019252, '-1001.100000111100011111111', '100.0001010100010000000000000', '15', '12'], [999.921810816988, 999.8961448799337, 999.8961518467235, '-1001.100000111100011111111', '100.0001010100010000000000000', '15', '13'], [999.921810816988, 999.9083457244616, 999.9083486856708, '-1001.100000111100011111111', '100.0001010100010000000000000', '15', '14'], [999.921810816988, 999.8915783420182, 999.8915856978514, '-1001.100000111100011111111', '100.0001010100010000000000000', '15', '15'], [999.921810816988, 999.8803782475469, 999.8803901246167, '-1001.100000111100011111111', '100.0001010100010000000000000', '15', '16'], [999.921810816988, 999.8998916200035, 999.899897799578, '-1001.100000111100011111111', '100.0001010100010000000000000', '15', '17'], [999.921810816988, 999.8936386750701, 999.8936442882544, '-1001.100000111100011111111', '100.0001010100010000000000000', '15', '18'], [999.921810816988, 999.883017214755, 999.8830270302064, '-1001.100000111100011111111', '100.0001010100010000000000000', '15', '19'], [999.921810816988, 999.8875862603692, 999.8875945294855, '-1001.100000111100011111111', '100.0001010100010000000000000', '15', '20'], [999.921810816988, 999.8856749268883, 999.8856846340387, '-1001.100000111100011111111', '100.0001010100010000000000000', '15', '21'], [999.921810816988, 999.8986378311974, 999.8986417230891, '-1001.100000111100011111111', '100.0001010100010000000000000', '15', '22'], [999.921810816988, 999.8930154299314, 999.8930231246816, '-1001.100000111100011111111', '100.0001010100010000000000000', '15', '23'], [999.921810816988, 999.9034711961128, 999.9034760126304, '-1001.100000111100011111111', '100.0001010100010000000000000', '15', '24'], [999.921810816988, 999.867093833306, 999.8671082058615, '-1001.100000111100011111111', '100.0001010100010000000000000', '15', '25'], [999.921810816988, 999.9010387173033, 999.9010449979014, '-1001.100000111100011111111', '100.0001010100010000000000000', '15', '26'], [999.921810816988, 999.8527906613444, 999.8528096022222, '-1001.100000111100011111111', '100.0001010100010000000000000', '15', '27'], [999.921810816988, 999.8929813578756, 999.8929882129975, '-1001.100000111100011111111', '100.0001010100010000000000000', '15', '28'], [999.921810816988, 999.9036456378193, 999.9036498285369, '-1001.100000111100011111111', '100.0001010100010000000000000', '15', '29'], [999.921810816988, 999.9022337519872, 999.9022398035883, '-1001.100000111100011111111', '100.0001010100010000000000000', '15', '30'], [999.921810816988, 999.8844953817522, 999.8845034635951, '-1001.100000111100011111111', '100.0001010100010000000000000', '15', '31'], [999.921810816988, 999.8819892951121, 999.8819992005638, '-1001.100000111100011111111', '100.0001010100010000000000000', '15', '32'], [999.9344376258687, 999.8972521421061, 999.8972585172127, '-0001.100000111100011111111', '110.0001010100010000000000000', '15', '33'], [999.9577594731031, 999.882808538015, 999.8828207856992, '-0001.100000111100011111110', '110.0101010100010000000000000', '15', '34'], [999.9588269015355, 999.8975154749926, 999.8975335082115, '-0001.101000111100011111111', '110.0101010100010000000000000', '15', '35'], [999.9627678352222, 999.933208199101, 999.9332173783014, '-0001.101000111101011111111', '110.0100010100010000000000000', '15', '36'], [999.9627758314965, 999.9322988411606, 999.9323064810394, '-0001.101100111101011111111', '110.0100010100010000000000000', '15', '37'], [999.9627758980419, 999.9418264676221, 999.941832033294, '-0001.101100111101011111111', '110.0100010100110000000000000', '15', '38'], [999.9627759146398, 999.9418427251352, 999.9418482987501, '-0001.101100011001011111111', '110.0100010100010000000000000', '15', '39'], [999.9627759219836, 999.9307818930755, 999.9307900611983, '-0001.101100110001011111111', '110.0100010100011000000000000', '15', '40'], [999.9627759220816, 999.9393432291763, 999.9393497459039, '-0001.101100110001011111111', '110.0100010100011000000100000', '15', '41'], [999.9627759243402, 999.9238072308763, 999.9238209311984, '-0001.101100110001011110111', '110.0100010100011010000100000', '15', '42'], [999.9627759247145, 999.9360847262537, 999.9360918501288, '-0001.101100110000011111111', '110.0100010100011010000000000', '15', '43'], [999.9627759248683, 999.9173363208832, 999.9173484309149, '-0001.101100110000011110111', '110.0100010100011010100100000', '15', '44'], [999.9627759248881, 999.9258356213529, 999.9258468718177, '-0001.101100110000001110111', '110.0100010100011010100100000', '15', '45'], [999.9627759248922, 999.9492488826843, 999.9492529042839, '-0001.101100110000011010111', '110.0100010100011010110100000', '15', '46'], [999.9627759248922, 999.9490989495597, 999.949103278858, '-0001.101100110000011010111', '110.0100010100011010110100000', '15', '47'], [999.9627759248924, 999.9464188467103, 999.9464231528087, '-0001.101100110000011010111', '110.0100010100011010110101000', '15', '48'], [999.9627759248925, 999.9293145035836, 999.9293250583709, '-0001.101100110000011010111', '110.0100010100011010110110100', '15', '49'], [999.9627759248925, 999.9326341391666, 999.9326418192469, '-0001.101100110000011010111', '110.0100010100011010110110101', '15', '50'], [999.9627759248925, 999.9360820097286, 999.9360900703357, '-0001.101100110000011011111', '110.0100010100011010110110101', '15', '51'], [999.9627759248925, 999.9251014176625, 999.9251126828932, '-0001.101100110000011011111', '110.0100010100011010110111101', '15', '52'], [999.9627759248925, 999.9241890198338, 999.9242021025019, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '53'], [999.9627759248925, 999.9288096461439, 999.9288216530167, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '54'], [999.9627759248925, 999.933506949953, 999.9335152230447, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '55'], [999.9627759248925, 999.9465965153224, 999.9466004978983, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '56'], [999.9627759248925, 999.9409686380538, 999.940975483095, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '57'], [999.9627759248925, 999.9270639390975, 999.9270742592407, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '58'], [999.9627759248925, 999.9477715426896, 999.9477771590995, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '59'], [999.9627759248925, 999.9501343209965, 999.9501382298663, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '60'], [999.9627759248925, 999.9368070401192, 999.9368143821812, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '61'], [999.9627759248925, 999.9232067077965, 999.9232211616714, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '62'], [999.9627759248925, 999.9473828433428, 999.9473876650723, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '63'], [999.9627759248925, 999.9131902017533, 999.9132060088265, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '64'], [999.9627759248925, 999.930423472809, 999.9304331489434, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '65'], [999.9627759248925, 999.9381849564058, 999.9381929102992, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '66'], [999.9627759248925, 999.9406804564273, 999.9406863570716, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '67'], [999.9627759248925, 999.9501596889338, 999.9501625157674, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '68'], [999.9627759248925, 999.9420987957418, 999.9421049635424, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '69'], [999.9627759248925, 999.951458758788, 999.9514619205942, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '70'], [999.9627759248925, 999.8948327161365, 999.8948540375876, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '71'], [999.9627759248925, 999.9543543370439, 999.954357328782, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '72'], [999.9627759248925, 999.9096980789686, 999.9097146967315, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '73'], [999.9627759248925, 999.9311004225044, 999.9311108017446, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '74'], [999.9627759248925, 999.9338775899992, 999.933886598255, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '75'], [999.9627759248925, 999.9445903167295, 999.9445968633685, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '76'], [999.9627759248925, 999.9534694100739, 999.9534716426055, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '77'], [999.9627759248925, 999.9169339118068, 999.9169492639853, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '78'], [999.9627759248925, 999.9475720107532, 999.9475769699127, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '79'], [999.9627759248925, 999.9257761899253, 999.9257873037418, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '80'], [999.9627759248925, 999.9346881488466, 999.9346968938227, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '81'], [999.9627759248925, 999.931781755275, 999.9317913829993, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '82'], [999.9627759248925, 999.9451140646546, 999.9451212280072, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '83'], [999.9627759248925, 999.9366227656667, 999.9366319362489, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '84'], [999.9627759248925, 999.928531139257, 999.9285438082122, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '85'], [999.9627759248925, 999.9423229954555, 999.9423275248521, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '86'], [999.9627759248925, 999.9270453977128, 999.9270574911404, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '87'], [999.9627759248925, 999.9356160745159, 999.9356261362788, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '88'], [999.9627759248925, 999.9327217345583, 999.9327304204223, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '89'], [999.9627759248925, 999.923053843225, 999.9230653154821, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '90'], [999.9627759248925, 999.9271364896236, 999.9271485320336, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '91'], [999.9627759248925, 999.9468646426793, 999.946869537273, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '92'], [999.9627759248925, 999.9437347468504, 999.943741466481, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '93'], [999.9627759248925, 999.9442081495824, 999.9442123263249, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '94'], [999.9627759248925, 999.9310906492108, 999.9311015511078, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '95'], [999.9627759248925, 999.9224194895396, 999.9224322657867, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '96'], [999.9627759248925, 999.9451001842504, 999.9451052560307, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '97'], [999.9627759248925, 999.937689412181, 999.9376971673228, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '98'], [999.9627759248925, 999.9399413004371, 999.9399497805484, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '99'], [999.9627759248925, 999.903923571585, 999.9039410211673, '-0001.101100110000011011111', '110.0100010100011010110111111', '15', '100']]], [[[999.6465526062987, 999.5239633025525, 999.5239668843011, '-10000.00000001110100111110110', '-11000.10000001101111011010011', '16', '1'], [999.6903578992143, 999.5598320169754, 999.5598394230233, '-10000.00000001110100111110110', '-10000.10000001101111011010011', '16', '2'], [999.7717332683976, 999.6573130560869, 999.6573152989326, '-00000.00000001110100111110110', '-10011.00100001101111011010011', '16', '3'], [999.9826618919801, 999.7235561569597, 999.7235640185869, '-00000.00000001110100111110110', '-00000.00100001101111011010011', '16', '4'], [999.9999388295108, 999.8350372688398, 999.8350466064367, '-00000.00000001110110111110110', '-00000.00000000101111011010011', '16', '5'], [999.9999803453828, 999.9363340493707, 999.9363557599193, '-00000.00000000110110111110110', '-00000.00000000101111011010011', '16', '6'], [999.999982935502, 999.9325872113292, 999.9326066616354, '-00000.00000000110110111110110', '-00000.00000000100111011010011', '16', '7'], [999.999984929926, 999.923814074525, 999.9238376518089, '-00000.00000000110100110010111', '-00000.00000000100011011010011', '16', '8'], [999.9999937115317, 999.9559290175447, 999.9559423077286, '-00000.00000000010100110010110', '-00000.00000000100011011010011', '16', '9'], [999.9999940104417, 999.9410644515193, 999.9410856450547, '-00000.00000000010100100010110', '-00000.00000000100010011010011', '16', '10'], [999.9999983660737, 999.9509548221612, 999.9509698741723, '-00000.00000000010100110010110', '-00000.00000000000010011010011', '16', '11'], [999.9999998926386, 999.940841458074, 999.9408623980512, '-00000.00000000000100110010110', '-00000.00000000000010011010011', '16', '12'], [999.9999999095794, 999.9620550882756, 999.9620676734432, '-00000.00000000000100010010110', '-00000.00000000000010011010011', '16', '13'], [999.9999999822478, 999.9592284845864, 999.9592407494679, '-00000.00000000000000010010110', '-00000.00000000000010001010011', '16', '14'], [999.9999999990466, 999.9306088268429, 999.9306316947525, '-00000.00000000000000010010110', '-00000.00000000000000011010011', '16', '15'], [999.9999999995842, 999.937410499202, 999.937432789149, '-00000.00000000000000010010110', '-00000.00000000000000001010010', '16', '16'], [999.9999999998975, 999.9493514741315, 999.949365904275, '-00000.00000000000000000010110', '-00000.00000000000000001010010', '16', '17'], [999.9999999999885, 999.9545772508121, 999.9545913687256, '-00000.00000000000000000010110', '-00000.00000000000000000010010', '16', '18'], [999.9999999999931, 999.9301303519425, 999.9301542436253, '-00000.00000000000000000010110', '-00000.00000000000000000000010', '16', '19'], [999.9999999999953, 999.8966402950075, 999.8966751764613, '-00000.00000000000000000010010', '-00000.00000000000000000000010', '16', '20'], [999.9999999999999, 999.9179441855625, 999.9179664463157, '-00000.00000000000000000000010', '-00000.00000000000000000000010', '16', '21'], [1000.0, 999.9447466265395, 999.944760682585, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '22'], [1000.0, 999.9476733481893, 999.9476899586917, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '23'], [1000.0, 999.9734536890741, 999.97346145328, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '24'], [1000.0, 999.954113160814, 999.9541296172091, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '25'], [1000.0, 999.9347673361659, 999.9347873130755, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '26'], [1000.0, 999.9615353830966, 999.961548088978, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '27'], [1000.0, 999.9555836504057, 999.9555982054517, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '28'], [1000.0, 999.9786434400876, 999.9786482147855, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '29'], [1000.0, 999.9339557313054, 999.9339755893488, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '30'], [1000.0, 999.9316868386788, 999.9317086907297, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '31'], [1000.0, 999.9820397578561, 999.9820440799127, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '32'], [1000.0, 999.9446889865649, 999.9447077261449, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '33'], [1000.0, 999.9090711073527, 999.9090982600904, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '34'], [1000.0, 999.9467963153886, 999.9468134154004, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '35'], [1000.0, 999.948159679218, 999.9481772398927, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '36'], [1000.0, 999.9515212843405, 999.951535249246, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '37'], [1000.0, 999.925174631709, 999.9251986025586, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '38'], [1000.0, 999.9217084495997, 999.9217311063416, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '39'], [1000.0, 999.9464457984074, 999.946461415911, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '40'], [1000.0, 999.9542234988736, 999.9542358932879, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '41'], [1000.0, 999.9615070463602, 999.9615187767187, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '42'], [1000.0, 999.9035603628416, 999.9035943832167, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '43'], [1000.0, 999.9094568481231, 999.9094853141128, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '44'], [1000.0, 999.9448416080071, 999.9448548462692, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '45'], [1000.0, 999.983191474178, 999.9831940854692, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '46'], [1000.0, 999.9162946842426, 999.9163229962578, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '47'], [1000.0, 999.9436814192212, 999.9437001311151, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '48'], [1000.0, 999.9487210095471, 999.948736018271, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '49'], [1000.0, 999.9336650032201, 999.9336845949697, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '50'], [1000.0, 999.979987606296, 999.9799919742503, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '51'], [1000.0, 999.9569120485643, 999.9569257666282, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '52'], [1000.0, 999.94609670026, 999.9461146638786, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '53'], [1000.0, 999.9640882784943, 999.9640972291857, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '54'], [1000.0, 999.9473274781172, 999.9473444102381, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '55'], [1000.0, 999.9191352115877, 999.9191623800303, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '56'], [1000.0, 999.9413405440636, 999.9413585654272, '-00000.00000000000000000000000', '-00000.00000000000000000000010', '16', '57'], [1000.0, 999.8808205936147, 999.8808582687534, '-00000.00000000000000000000001', '-00000.00000000000000000000000', '16', '58'], [1000.0, 999.9267503954235, 999.9267739179452, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '59'], [1000.0, 999.93724331229, 999.9372628952536, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '60'], [1000.0, 999.950078166163, 999.9500928000238, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '61'], [1000.0, 999.954646712665, 999.9546599772948, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '62'], [1000.0, 999.9479570001716, 999.9479717829889, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '63'], [1000.0, 999.9087748955433, 999.9088019260124, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '64'], [1000.0, 999.9234528748228, 999.923477878191, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '65'], [1000.0, 999.960351195527, 999.960364579708, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '66'], [1000.0, 999.9708541229137, 999.9708635589508, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '67'], [1000.0, 999.945616290301, 999.9456327156322, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '68'], [1000.0, 999.9742872884076, 999.9742971694905, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '69'], [1000.0, 999.9295901469663, 999.9296137734195, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '70'], [1000.0, 999.9539388992064, 999.9539529931199, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '71'], [1000.0, 999.934559029019, 999.9345810102615, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '72'], [1000.0, 999.9587856801147, 999.9587992207248, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '73'], [1000.0, 999.9383831517899, 999.9384038144456, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '74'], [1000.0, 999.9074907987612, 999.907521096534, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '75'], [1000.0, 999.9585065839839, 999.9585216050302, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '76'], [1000.0, 999.9266757642663, 999.9266982608266, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '77'], [1000.0, 999.9315431262678, 999.9315653801326, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '78'], [1000.0, 999.9126139712447, 999.9126367567069, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '79'], [1000.0, 999.9172904475857, 999.917317918489, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '80'], [1000.0, 999.9527288100535, 999.9527438267446, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '81'], [1000.0, 999.9553894354622, 999.9554033684483, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '82'], [1000.0, 999.9221074730268, 999.9221339757186, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '83'], [1000.0, 999.9350133024693, 999.9350351016539, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '84'], [1000.0, 999.9527734261409, 999.9527879283233, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '85'], [1000.0, 999.9562794865819, 999.956294087213, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '86'], [1000.0, 999.9579883338338, 999.958001357463, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '87'], [1000.0, 999.9478912624602, 999.9479064881561, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '88'], [1000.0, 999.9715365731499, 999.9715445077115, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '89'], [1000.0, 999.9797036112427, 999.9797085716316, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '90'], [1000.0, 999.9354558897871, 999.9354789692718, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '91'], [1000.0, 999.9426704011145, 999.9426881997572, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '92'], [1000.0, 999.9661779355047, 999.9661884671551, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '93'], [1000.0, 999.952981649249, 999.9529976238435, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '94'], [1000.0, 999.9284619172125, 999.9284892214624, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '95'], [1000.0, 999.9360490357669, 999.9360704394244, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '96'], [1000.0, 999.9484997568537, 999.9485150274733, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '97'], [1000.0, 999.9332019880177, 999.9332262351949, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '98'], [1000.0, 999.9302617185058, 999.930283106426, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '99'], [1000.0, 999.9286495293869, 999.9286720979422, '-00000.00000000000000000000001', '-00000.00000000000000000000001', '16', '100']]], [[[999.9624894923674, 999.8339653411609, 999.8339705404619, '110.00111010111110110110000', '0.100110101000001110000100100', '17', '1'], [999.9627700652746, 999.9360691950828, 999.9360770595663, '110.00111110110110110110000', '0.100110101000001110000100100', '17', '2'], [999.9627721113428, 999.9300854973375, 999.9300949370177, '110.00111110111110110110000', '0.100110101000001110000100100', '17', '3'], [999.9627737940341, 999.9514545992566, 999.9514570201981, '110.00111111110110110110000', '0.100110101110010100000100100', '17', '4'], [999.9627756514326, 999.9355583272836, 999.9355665300133, '110.00111111100110110111000', '0.100110101110001110000100100', '17', '5'], [999.9627757994306, 999.9370561111008, 999.9370634279268, '110.00111111010111110111000', '0.100110101110001110000100100', '17', '6'], [999.9627758270512, 999.9454208388684, 999.9454253981856, '110.00111111100110010111000', '0.100110100110001110000100100', '17', '7'], [999.9627758983619, 999.9533751955813, 999.9533767976657, '110.00111111100110000111000', '0.100110100000001110000100110', '17', '8'], [999.9627759212271, 999.9406422657765, 999.9406488192008, '110.00111111100100010111000', '0.100110100000001110000100100', '17', '9'], [999.9627759247348, 999.9407449651486, 999.9407512964573, '110.00111111100011000111000', '0.100110100000001110000100110', '17', '10'], [999.9627759248918, 999.9364595803481, 999.9364668481279, '110.00111111100011000111100', '0.100110100000101110000100110', '17', '11'], [999.9627759248922, 999.947966342903, 999.947969853901, '110.00111111100011000111110', '0.100110100000101110000100110', '17', '12'], [999.9627759248923, 999.9573040491898, 999.9573052542378, '110.00111111100011000111110', '0.100110100000101110011100110', '17', '13'], [999.9627759248925, 999.9415614017593, 999.9415668832834, '110.00111111100011000111110', '0.100110100000101111010100110', '17', '14'], [999.9627759248925, 999.9472301734374, 999.9472344044251, '110.00111111100011000111111', '0.100110100000101111010100110', '17', '15'], [999.9627759248925, 999.9603907989981, 999.9603910195106, '110.00111111100011000111111', '0.100110100000101111110100110', '17', '16'], [999.9627759248925, 999.9510718535531, 999.9510743072145, '110.00111111100011000111111', '0.100110100000101111110110110', '17', '17'], [999.9627759248925, 999.9574068884871, 999.9574073446811, '110.00111111100011000111111', '0.100110100000101111111110110', '17', '18'], [999.9627759248925, 999.9627550016071, 999.9627550016153, '110.00111111100011000111111', '0.100110100000101111111111110', '17', '19'], [999.9627759248925, 999.9615001098734, 999.9615001411047, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '20'], [999.9627759248925, 999.9470745152964, 999.947080527879, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '21'], [999.9627759248925, 999.957398248193, 999.9573994453692, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '22'], [999.9627759248925, 999.9590987317401, 999.9590989708481, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '23'], [999.9627759248925, 999.9593633792651, 999.9593636254855, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '24'], [999.9627759248925, 999.9462205114748, 999.9462257253692, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '25'], [999.9627759248925, 999.9517894885922, 999.9517918731931, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '26'], [999.9627759248925, 999.9332061913176, 999.9332160266238, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '27'], [999.9627759248925, 999.9477855219109, 999.9477905564987, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '28'], [999.9627759248925, 999.9462129505337, 999.9462165422086, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '29'], [999.9627759248925, 999.9252299507722, 999.9252399111961, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '30'], [999.9627759248925, 999.9472168080663, 999.9472211980358, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '31'], [999.9627759248925, 999.9512237854309, 999.9512261793852, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '32'], [999.9627759248925, 999.94268243078, 999.9426879341021, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '33'], [999.9627759248925, 999.9558891668473, 999.9558904007135, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '34'], [999.9627759248925, 999.946214643808, 999.9462190480749, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '35'], [999.9627759248925, 999.9543264958909, 999.9543295438373, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '36'], [999.9627759248925, 999.9468457744068, 999.9468508143136, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '37'], [999.9627759248925, 999.9476399225337, 999.9476449495694, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '38'], [999.9627759248925, 999.9509886035491, 999.9509914779218, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '39'], [999.9627759248925, 999.9458500529795, 999.9458552752568, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '40'], [999.9627759248925, 999.954437260395, 999.9544393641811, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '41'], [999.9627759248925, 999.9592551723175, 999.9592554208351, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '42'], [999.9627759248925, 999.9509896899286, 999.9509921533928, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '43'], [999.9627759248925, 999.9485112103421, 999.9485146159236, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '44'], [999.9627759248925, 999.9449811880503, 999.9449873851778, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '45'], [999.9627759248925, 999.938859393431, 999.9388683160332, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '46'], [999.9627759248925, 999.9347918611774, 999.9347984704027, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '47'], [999.9627759248925, 999.9624192281658, 999.9624192302226, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '48'], [999.9627759248925, 999.938259968942, 999.9382656636797, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '49'], [999.9627759248925, 999.9483693179516, 999.9483743446206, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '50'], [999.9627759248925, 999.9342448136423, 999.9342531952352, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '51'], [999.9627759248925, 999.9627064072613, 999.9627064073338, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '52'], [999.9627759248925, 999.9375030443902, 999.9375096407309, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '53'], [999.9627759248925, 999.9523853195451, 999.9523876948224, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '54'], [999.9627759248925, 999.9241770680969, 999.9241880224408, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '55'], [999.9627759248925, 999.950730813187, 999.9507342477484, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '56'], [999.9627759248925, 999.948911382944, 999.9489154319414, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '57'], [999.9627759248925, 999.9316742468599, 999.9316850527041, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '58'], [999.9627759248925, 999.9406717475497, 999.9406797014625, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '59'], [999.9627759248925, 999.9441038848599, 999.9441084099253, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '60'], [999.9627759248925, 999.9493504724517, 999.9493546729122, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '61'], [999.9627759248925, 999.9459469303188, 999.9459519837704, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '62'], [999.9627759248925, 999.9454619326905, 999.9454671522811, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '63'], [999.9627759248925, 999.9271544551557, 999.9271665319272, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '64'], [999.9627759248925, 999.9539058246768, 999.9539079797478, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '65'], [999.9627759248925, 999.9434814986255, 999.9434866800707, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '66'], [999.9627759248925, 999.9496943479774, 999.949696926964, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '67'], [999.9627759248925, 999.9473690379621, 999.9473718046327, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '68'], [999.9627759248925, 999.9382174961614, 999.9382240025803, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '69'], [999.9627759248925, 999.9614184283794, 999.9614184599667, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '70'], [999.9627759248925, 999.9490727959986, 999.9490760186351, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '71'], [999.9627759248925, 999.9378274656721, 999.9378345569519, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '72'], [999.9627759248925, 999.9515374283816, 999.9515406858357, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '73'], [999.9627759248925, 999.9600672078798, 999.9600674395504, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '74'], [999.9627759248925, 999.9473815582787, 999.9473866013774, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '75'], [999.9627759248925, 999.9482242973932, 999.9482293255196, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '76'], [999.9627759248925, 999.9415203436715, 999.9415274766945, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '77'], [999.9627759248925, 999.9453193248538, 999.9453240687293, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '78'], [999.9627759248925, 999.941250570427, 999.9412567463786, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '79'], [999.9627759248925, 999.957686552099, 999.9576869978437, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '80'], [999.9627759248925, 999.9334365302905, 999.9334448544327, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '81'], [999.9627759248925, 999.9485676203847, 999.9485718293429, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '82'], [999.9627759248925, 999.9370979322291, 999.9371061530987, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '83'], [999.9627759248925, 999.9122821635507, 999.9122952964603, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '84'], [999.9627759248925, 999.9469846372995, 999.9469888406026, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '85'], [999.9627759248925, 999.9358770865047, 999.9358845049417, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '86'], [999.9627759248925, 999.9473474820162, 999.9473525164091, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '87'], [999.9627759248925, 999.9208886545182, 999.9209024301581, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '88'], [999.9627759248925, 999.9579875553208, 999.9579879888593, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '89'], [999.9627759248925, 999.9522268024505, 999.9522291770985, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '90'], [999.9627759248925, 999.9425150410971, 999.9425211836859, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '91'], [999.9627759248925, 999.9431879808135, 999.9431936086248, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '92'], [999.9627759248925, 999.9494486490559, 999.9494520620289, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '93'], [999.9627759248925, 999.9498733721309, 999.9498766705624, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '94'], [999.9627759248925, 999.9366050128581, 999.936613080611, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '95'], [999.9627759248925, 999.9503099107103, 999.9503133448958, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '96'], [999.9627759248925, 999.9452367483358, 999.9452419757946, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '97'], [999.9627759248925, 999.9627263715074, 999.9627263715748, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '98'], [999.9627759248925, 999.9484328207619, 999.948437028815, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '99'], [999.9627759248925, 999.9484075211135, 999.9484109244529, '110.00111111100011000111111', '0.100110100000101111111111111', '17', '100']]], [[[999.9121295287861, 999.7327317810795, 999.7327490128158, '-1001.101010010111110000110', '100.100110100000111001000', '18', '1'], [999.9133736644557, 999.8500031481016, 999.8500122309059, '-1001.101011010111110000110', '100.100111010111111001000', '18', '2'], [999.9199691017991, 999.8907910249055, 999.890797138159, '-1001.101110110111110000110', '100.100110100111111001000', '18', '3'], [999.9215811675567, 999.8787776871229, 999.8787901854802, '-1001.101110110111110000110', '100.100010100111111001000', '18', '4'], [999.9218041880314, 999.9057062904834, 999.905709950787, '-1001.101111110111110000110', '100.100010100111111001000', '18', '5'], [999.9218100361635, 999.9021231676695, 999.9021277468963, '-1001.101111110111110000110', '100.100010000111111001000', '18', '6'], [999.9218108083419, 999.8822135837156, 999.8822251665664, '-1001.101111110011110000110', '100.100010000111111001000', '18', '7'], [999.921810817856, 999.9041057943634, 999.904111054728, '-1001.101111110011010000110', '100.100010000111111001000', '18', '8'], [999.921810817856, 999.8480312937818, 999.848057041055, '-1001.101111110011010000110', '100.100010000111111001000', '18', '9'], [999.9218108178566, 999.8861706397437, 999.8861827002505, '-1001.101111110011010000100', '100.100010000111111000000', '18', '10'], [999.9218108178566, 999.8715263522753, 999.8715417834036, '-1001.101111110011010000100', '100.100010000111111000000', '18', '11'], [999.9218108178566, 999.896705921525, 999.8967128445495, '-1001.101111110011010000100', '100.100010000111111000001', '18', '12'], [999.9218108178566, 999.8942940255708, 999.8942999895056, '-1001.101111110011010000100', '100.100010000111111000001', '18', '13'], [999.9218108178566, 999.8831765821326, 999.8831881234071, '-1001.101111110011010000100', '100.100010000111111000001', '18', '14'], [999.9218108178566, 999.8821378320978, 999.8821505304352, '-1001.101111110011010000100', '100.100010000111111000001', '18', '15'], [999.9218108178566, 999.8797357312928, 999.8797466000431, '-1001.101111110011010000100', '100.100010000111111000001', '18', '16'], [999.9218108178566, 999.8982650873494, 999.8982725489067, '-1001.101111110011010000100', '100.100010000111111000001', '18', '17'], [999.9218108178566, 999.8659393397631, 999.8659557235616, '-1001.101111110011010000100', '100.100010000111111000001', '18', '18'], [999.9218108178566, 999.8832549836574, 999.8832651096606, '-1001.101111110011010000100', '100.100010000111111000001', '18', '19'], [999.9218108178566, 999.8767090501043, 999.8767221638899, '-1001.101111110011010000100', '100.100010000111111000001', '18', '20'], [999.9218108178566, 999.8842467995763, 999.8842579804958, '-1001.101111110011010000100', '100.100010000111111000001', '18', '21'], [999.9218108178566, 999.8879913090078, 999.8880022598047, '-1001.101111110011010000100', '100.100010000111111000001', '18', '22'], [999.9218108178566, 999.8852679081918, 999.8852790278698, '-1001.101111110011010000100', '100.100010000111111000001', '18', '23'], [999.9218108178566, 999.8855917224216, 999.8856038904383, '-1001.101111110011010000100', '100.100010000111111000001', '18', '24'], [999.9218108178566, 999.8890588391677, 999.8890688149284, '-1001.101111110011010000100', '100.100010000111111000001', '18', '25'], [999.9218108178566, 999.8973797826785, 999.8973863191927, '-1001.101111110011010000100', '100.100010000111111000001', '18', '26'], [999.9218108178566, 999.9106384442588, 999.9106416942511, '-1001.101111110011010000100', '100.100010000111111000001', '18', '27'], [999.9218108178566, 999.8817891211199, 999.8818006452115, '-1001.101111110011010000100', '100.100010000111111000001', '18', '28'], [999.9218108178566, 999.8945312672197, 999.8945402152475, '-1001.101111110011010000100', '100.100010000111111000001', '18', '29'], [999.9218108178566, 999.891424530623, 999.8914322903171, '-1001.101111110011010000101', '100.100010000111111000011', '18', '30'], [999.9218108178566, 999.8932220152492, 999.8932307561045, '-1001.101111110011010000101', '100.100010000111111000011', '18', '31'], [999.9218108178566, 999.8906210080345, 999.8906298188721, '-1001.101111110011010000101', '100.100010000111111000011', '18', '32'], [999.9218108178566, 999.8884031147105, 999.8884139455057, '-1001.101111110011010000101', '100.100010000111111000011', '18', '33'], [999.9218108178566, 999.8561057516301, 999.8561273733455, '-1001.101111110011010000101', '100.100010000111111000011', '18', '34'], [999.9218108178566, 999.880915902742, 999.8809257497542, '-1001.101111110011010000101', '100.100010000111111000011', '18', '35'], [999.9218108178566, 999.863573779039, 999.863591247612, '-1001.101111110011010000101', '100.100010000111111000011', '18', '36'], [999.9218108178566, 999.8874918763805, 999.8875014584195, '-1001.101111110011010000101', '100.100010000111111000011', '18', '37'], [999.9218108178566, 999.9011163754101, 999.901121900726, '-1001.101111110011010000101', '100.100010000111111000011', '18', '38'], [999.9218108178566, 999.8813036176342, 999.8813155169404, '-1001.101111110011010000101', '100.100010000111111000011', '18', '39'], [999.9218108178566, 999.8868289344309, 999.8868390657952, '-1001.101111110011010000101', '100.100010000111111000011', '18', '40'], [999.9218108178566, 999.8923344298735, 999.8923435462757, '-1001.101111110011010000101', '100.100010000111111000011', '18', '41'], [999.9218108178566, 999.8822413489931, 999.8822515144144, '-1001.101111110011010000101', '100.100010000111111000011', '18', '42'], [999.9218108178566, 999.8850472992522, 999.8850599671147, '-1001.101111110011010000101', '100.100010000111111000011', '18', '43'], [999.9218108178566, 999.8894595179283, 999.8894684438274, '-1001.101111110011010000101', '100.100010000111111000011', '18', '44'], [999.9218108178566, 999.906019251185, 999.9060220303827, '-1001.101111110011010000101', '100.100010000111111000011', '18', '45'], [999.9218108178566, 999.9077769113799, 999.9077803649578, '-1001.101111110011010000101', '100.100010000111111000011', '18', '46'], [999.9218108178566, 999.8983486493195, 999.8983536710598, '-1001.101111110011010000101', '100.100010000111111000011', '18', '47'], [999.9218108178566, 999.8692196723985, 999.8692337788696, '-1001.101111110011010000101', '100.100010000111111000011', '18', '48'], [999.9218108178566, 999.9018374479841, 999.9018428849996, '-1001.101111110011010000101', '100.100010000111111000011', '18', '49'], [999.9218108178566, 999.8911685669217, 999.8911773307296, '-1001.101111110011010000101', '100.100010000111111000011', '18', '50'], [999.9218108178566, 999.9073426969903, 999.9073455312316, '-1001.101111110011010000101', '100.100010000111111000011', '18', '51'], [999.9218108178566, 999.9074852485269, 999.9074902442263, '-1001.101111110011010000101', '100.100010000111111000011', '18', '52'], [999.9218108178566, 999.8867821769676, 999.8867931538019, '-1001.101111110011010000101', '100.100010000111111000011', '18', '53'], [999.9218108178566, 999.9023538168118, 999.9023581503204, '-1001.101111110011010000101', '100.100010000111111000011', '18', '54'], [999.9218108178566, 999.8677553380198, 999.8677717499193, '-1001.101111110011010000101', '100.100010000111111000011', '18', '55'], [999.9218108178566, 999.8734479918955, 999.8734632892829, '-1001.101111110011010000101', '100.100010000111111000011', '18', '56'], [999.9218108178566, 999.8840553073102, 999.884065712237, '-1001.101111110011010000101', '100.100010000111111000011', '18', '57'], [999.9218108178566, 999.8946071763792, 999.8946153542796, '-1001.101111110011010000101', '100.100010000111111000011', '18', '58'], [999.9218108178566, 999.8713442574357, 999.8713606558076, '-1001.101111110011010000101', '100.100010000111111000011', '18', '59'], [999.9218108178566, 999.8898450169565, 999.8898538968971, '-1001.101111110011010000101', '100.100010000111111000011', '18', '60'], [999.9218108178566, 999.9014052098445, 999.9014110620399, '-1001.101111110011010000101', '100.100010000111111000011', '18', '61'], [999.9218108178566, 999.8645107794384, 999.8645300491361, '-1001.101111110011010000101', '100.100010000111111000011', '18', '62'], [999.9218108178566, 999.8953623404152, 999.8953677206591, '-1001.101111110011010000101', '100.100010000111111000011', '18', '63'], [999.9218108178566, 999.9075253183696, 999.9075296057047, '-1001.101111110011010000101', '100.100010000111111000011', '18', '64'], [999.9218108178566, 999.8973153502922, 999.8973219904228, '-1001.101111110011010000101', '100.100010000111111000011', '18', '65'], [999.9218108178566, 999.867541062263, 999.8675585735552, '-1001.101111110011010000101', '100.100010000111111000011', '18', '66'], [999.9218108178566, 999.869837919336, 999.8698550583117, '-1001.101111110011010000101', '100.100010000111111000011', '18', '67'], [999.9218108178566, 999.8669716268405, 999.8669875228766, '-1001.101111110011010000101', '100.100010000111111000011', '18', '68'], [999.9218108178566, 999.8917056917403, 999.8917156252932, '-1001.101111110011010000101', '100.100010000111111000011', '18', '69'], [999.9218108178566, 999.8754874259516, 999.8755030401454, '-1001.101111110011010000101', '100.100010000111111000011', '18', '70'], [999.9218108178566, 999.9161370299694, 999.916137494114, '-1001.101111110011010000101', '100.100010000111111000011', '18', '71'], [999.9218108178566, 999.8972377205195, 999.8972457748904, '-1001.101111110011010000101', '100.100010000111111000011', '18', '72'], [999.9218108178566, 999.9061411294689, 999.9061454098446, '-1001.101111110011010000101', '100.100010000111111000011', '18', '73'], [999.9218108178566, 999.8882452315262, 999.8882544527311, '-1001.101111110011010000101', '100.100010000111111000011', '18', '74'], [999.9218108178566, 999.8787398596396, 999.8787547366911, '-1001.101111110011010000101', '100.100010000111111000011', '18', '75'], [999.9218108178566, 999.8869165495602, 999.8869249277448, '-1001.101111110011010000101', '100.100010000111111000011', '18', '76'], [999.9218108178566, 999.872896551564, 999.8729116265077, '-1001.101111110011010000101', '100.100010000111111000011', '18', '77'], [999.9218108178566, 999.8710574364, 999.8710730161964, '-1001.101111110011010000101', '100.100010000111111000011', '18', '78'], [999.9218108178566, 999.8827569244244, 999.882768204798, '-1001.101111110011010000101', '100.100010000111111000011', '18', '79'], [999.9218108178566, 999.8780103614938, 999.878023645284, '-1001.101111110011010000101', '100.100010000111111000011', '18', '80'], [999.9218108178566, 999.8596055359609, 999.8596237274753, '-1001.101111110011010000101', '100.100010000111111000011', '18', '81'], [999.9218108178566, 999.8986275226605, 999.8986342105973, '-1001.101111110011010000101', '100.100010000111111000011', '18', '82'], [999.9218108178566, 999.8869998125899, 999.8870098207699, '-1001.101111110011010000101', '100.100010000111111000011', '18', '83'], [999.9218108178566, 999.8899747209985, 999.8899847373509, '-1001.101111110011010000101', '100.100010000111111000011', '18', '84'], [999.9218108178566, 999.8535961027385, 999.8536179944869, '-1001.101111110011010000101', '100.100010000111111000011', '18', '85'], [999.9218108178566, 999.8815166591786, 999.8815293305836, '-1001.101111110011010000101', '100.100010000111111000011', '18', '86'], [999.9218108178566, 999.8979703985526, 999.8979776137071, '-1001.101111110011010000101', '100.100010000111111000011', '18', '87'], [999.9218108178566, 999.8926494563219, 999.8926593312107, '-1001.101111110011010000101', '100.100010000111111000011', '18', '88'], [999.9218108178566, 999.8976283093074, 999.8976359511147, '-1001.101111110011010000101', '100.100010000111111000011', '18', '89'], [999.9218108178566, 999.8885142317638, 999.8885233067261, '-1001.101111110011010000101', '100.100010000111111000011', '18', '90'], [999.9218108178566, 999.8959055455592, 999.8959126000756, '-1001.101111110011010000101', '100.100010000111111000011', '18', '91'], [999.9218108178566, 999.8930583736042, 999.8930682803234, '-1001.101111110011010000101', '100.100010000111111000011', '18', '92'], [999.9218108178566, 999.9053362949112, 999.9053391413562, '-1001.101111110011010000101', '100.100010000111111000011', '18', '93'], [999.9218108178566, 999.9080036059239, 999.9080071407013, '-1001.101111110011010000101', '100.100010000111111000011', '18', '94'], [999.9218108178566, 999.8745858558369, 999.8745996208371, '-1001.101111110011010000101', '100.100010000111111000011', '18', '95'], [999.9218108178566, 999.9015057174885, 999.9015135758171, '-1001.101111110011010000101', '100.100010000111111000011', '18', '96'], [999.9218108178566, 999.9038723006378, 999.9038753860035, '-1001.101111110011010000101', '100.100010000111111000011', '18', '97'], [999.9218108178566, 999.8928181652691, 999.892825914616, '-1001.101111110011010000101', '100.100010000111111000011', '18', '98'], [999.9218108178566, 999.897921774113, 999.8979305480532, '-1001.101111110011010000101', '100.100010000111111000011', '18', '99'], [999.9218108178566, 999.9096797795914, 999.9096815915553, '-1001.101111110011010000101', '100.100010000111111000011', '18', '100']]], [[[999.9179090394525, 999.7147359611605, 999.7147427353979, '-111.01101010100101001001101', '-111.00101100010101011000011', '19', '1'], [999.9214070696923, 999.8030790536736, 999.8030909567055, '-111.0100101010111110001101111', '-111.011011000101010110011101', '19', '2'], [999.9218108162979, 999.8773258514593, 999.877334558017, '-111.0100101010111110001101111', '-111.011001000101010110011101', '19', '3'], [999.9218108166674, 999.8729451660012, 999.8729547656695, '-111.0100101010111110101101111', '-111.011001000101010110011101', '19', '4'], [999.9218108175572, 999.8696563420493, 999.869670466761, '-111.0100101010111110011101111', '-111.011001000101011110011101', '19', '5'], [999.9218108178031, 999.8671486638926, 999.8671620553719, '-111.0100101010111111011101111', '-111.011001000101011110011101', '19', '6'], [999.9218108178512, 999.9012642804392, 999.901269793492, '-111.0100101010111111111101111', '-111.011001000101011110011101', '19', '7'], [999.9218108178566, 999.8915650196562, 999.89157352057, '-111.0100101010111111111101111', '-111.011001000101011111011101', '19', '8'], [999.9218108178566, 999.8553986979331, 999.8554176331421, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '9'], [999.9218108178566, 999.9139115145044, 999.9139130247103, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '10'], [999.9218108178566, 999.8887338150397, 999.888744672663, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '11'], [999.9218108178566, 999.9031322038193, 999.9031371358143, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '12'], [999.9218108178566, 999.9146396891801, 999.9146409519743, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '13'], [999.9218108178566, 999.9122131262226, 999.9122148725507, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '14'], [999.9218108178566, 999.865676915101, 999.8656935842301, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '15'], [999.9218108178566, 999.9072694222119, 999.9072723487907, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '16'], [999.9218108178566, 999.9085288010011, 999.9085310945725, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '17'], [999.9218108178566, 999.8953596796221, 999.895367499651, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '18'], [999.9218108178566, 999.8848927177266, 999.88490461852, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '19'], [999.9218108178566, 999.9091025170137, 999.9091043025306, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '20'], [999.9218108178566, 999.8994752904825, 999.8994827464333, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '21'], [999.9218108178566, 999.9092825917512, 999.9092843118472, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '22'], [999.9218108178566, 999.8889779435234, 999.8889875597846, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '23'], [999.9218108178566, 999.8996079652967, 999.8996153334774, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '24'], [999.9218108178566, 999.8901388640727, 999.8901491701282, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '25'], [999.9218108178566, 999.8891162489796, 999.8891264919476, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '26'], [999.9218108178566, 999.893856821615, 999.8938667157732, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '27'], [999.9218108178566, 999.870981270265, 999.8709968535132, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '28'], [999.9218108178566, 999.8791388426166, 999.8791514859756, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '29'], [999.9218108178566, 999.9006643826691, 999.9006699882905, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '30'], [999.9218108178566, 999.8953285078672, 999.8953362001386, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '31'], [999.9218108178566, 999.9001215851167, 999.9001269760282, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '32'], [999.9218108178566, 999.8885048824409, 999.8885152990013, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '33'], [999.9218108178566, 999.8902674413263, 999.8902768197249, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '34'], [999.9218108178566, 999.8943990815245, 999.8944084597194, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '35'], [999.9218108178566, 999.8888295972521, 999.8888386420676, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '36'], [999.9218108178566, 999.908564756466, 999.9085684499121, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '37'], [999.9218108178566, 999.8925493609786, 999.8925572099246, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '38'], [999.9218108178566, 999.8929286658779, 999.8929369985638, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '39'], [999.9218108178566, 999.9217989741406, 999.9217989741439, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '40'], [999.9218108178566, 999.8951986736522, 999.8952065358135, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '41'], [999.9218108178566, 999.9122795020922, 999.912281281181, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '42'], [999.9218108178566, 999.8888574659194, 999.8888682759281, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '43'], [999.9218108178566, 999.8909640490133, 999.8909730989033, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '44'], [999.9218108178566, 999.8805828265214, 999.8805945321999, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '45'], [999.9218108178566, 999.898102793197, 999.8981100381139, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '46'], [999.9218108178566, 999.90559740788, 999.9056003090217, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '47'], [999.9218108178566, 999.8945080532739, 999.8945151360415, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '48'], [999.9218108178566, 999.9089255844513, 999.9089293226361, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '49'], [999.9218108178566, 999.8819478452986, 999.8819605454905, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '50'], [999.9218108178566, 999.8855011644212, 999.8855111405642, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '51'], [999.9218108178566, 999.9063612121386, 999.9063643353895, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '52'], [999.9218108178566, 999.8763375652363, 999.8763519006234, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '53'], [999.9218108178566, 999.9072853257996, 999.9072896976702, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '54'], [999.9218108178566, 999.906191694797, 999.9061948520575, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '55'], [999.9218108178566, 999.877793576991, 999.8778076846514, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '56'], [999.9218108178566, 999.8916791520315, 999.8916882018578, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '57'], [999.9218108178566, 999.8969009564681, 999.8969068146164, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '58'], [999.9218108178566, 999.8630828906303, 999.8630999618026, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '59'], [999.9218108178566, 999.8942248118091, 999.894230271006, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '60'], [999.9218108178566, 999.8913771006032, 999.8913847255437, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '61'], [999.9218108178566, 999.8879510151451, 999.8879601393201, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '62'], [999.9218108178566, 999.9027378729592, 999.9027421012557, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '63'], [999.9218108178566, 999.8879405324043, 999.8879493223291, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '64'], [999.9218108178566, 999.8904109211592, 999.8904211462194, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '65'], [999.9218108178566, 999.897393238065, 999.8973992912431, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '66'], [999.9218108178566, 999.8819520739713, 999.8819627125595, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '67'], [999.9218108178566, 999.8977239466374, 999.8977301089534, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '68'], [999.9218108178566, 999.9048066464094, 999.9048098697796, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '69'], [999.9218108178566, 999.9031195399557, 999.903124601449, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '70'], [999.9218108178566, 999.8895153924346, 999.8895237410479, '-111.0100101010111111111101111', '-111.011001000101011111011111', '19', '71'], [999.9218108178566, 999.8977689517529, 999.8977757889328, '-111.0100101010111111111111111', '-111.011001000101011111010111', '19', '72'], [999.9218108178566, 999.8861835440761, 999.8861929117164, '-111.0100101010111111111111111', '-111.011001000101011111010111', '19', '73'], [999.9218108178566, 999.9000479380828, 999.9000546410534, '-111.0100101010111111111111111', '-111.011001000101011111010111', '19', '74'], [999.9218108178566, 999.9087537154619, 999.9087560441425, '-111.0100101010111111111111111', '-111.011001000101011111010111', '19', '75'], [999.9218108178566, 999.887958805413, 999.8879675526011, '-111.0100101010111111111111111', '-111.011001000101011111010111', '19', '76'], [999.9218108178566, 999.9125085659917, 999.9125103332397, '-111.0100101010111111111111111', '-111.011001000101011111010111', '19', '77'], [999.9218108178566, 999.893928894155, 999.8939364708307, '-111.0100101010111111111111111', '-111.011001000101011111010111', '19', '78'], [999.9218108178566, 999.8823480820929, 999.8823597861409, '-111.0100101010111111111111111', '-111.011001000101011111010111', '19', '79'], [999.9218108178566, 999.8534452031912, 999.8534647699056, '-111.0100101010111111111111111', '-111.011001000101011111010111', '19', '80'], [999.9218108178566, 999.8950083270637, 999.8950145097398, '-111.0100101010111111111111111', '-111.011001000101011111010111', '19', '81'], [999.9218108178566, 999.8936054079032, 999.8936141339724, '-111.0100101010111111111111111', '-111.011001000101011111010111', '19', '82'], [999.9218108178566, 999.8941576701603, 999.8941643947837, '-111.0100101010111111111111111', '-111.011001000101011111010111', '19', '83'], [999.9218108178566, 999.9049157109635, 999.9049199802556, '-111.0100101010111111111111111', '-111.011001000101011111010111', '19', '84'], [999.9218108178566, 999.8849268342119, 999.8849368233472, '-111.0100101010111111111111111', '-111.011001000101011111010111', '19', '85'], [999.9218108178566, 999.8874926378256, 999.8874991833421, '-111.0100101010111111111111111', '-111.011001000101011111010111', '19', '86'], [999.9218108178566, 999.8905043718404, 999.8905117886501, '-111.0100101010111111111111111', '-111.011001000101011111010111', '19', '87'], [999.9218108178566, 999.8684274145048, 999.86844298749, '-111.0100101010111111111111111', '-111.011001000101011111010111', '19', '88'], [999.9218108178566, 999.8984938303307, 999.8985000269496, '-111.0100101010111111111111111', '-111.011001000101011111010111', '19', '89'], [999.9218108178566, 999.8623947083966, 999.8624134520537, '-111.0100101010111111111111111', '-111.011001000101011111010111', '19', '90'], [999.9218108178566, 999.8757408958633, 999.8757553320858, '-111.0100101010111111111111111', '-111.011001000101011111010111', '19', '91'], [999.9218108178566, 999.9075303032481, 999.9075328135541, '-111.0100101010111111111111111', '-111.011001000101011111010111', '19', '92'], [999.9218108178566, 999.8867154150093, 999.8867252358135, '-111.0100101010111111111111111', '-111.011001000101011111010111', '19', '93'], [999.9218108178566, 999.8868760334329, 999.8868837314393, '-111.0100101010111111111111111', '-111.011001000101011111010111', '19', '94'], [999.9605041740713, 999.9049796783215, 999.9049828804204, '-011.0100101010111111111111111', '-110.011001000101011111010111', '19', '95'], [999.9901659283023, 999.8673084820161, 999.8673218603134, '-011.0100101010111111111111111', '-010.011001000101011111010111', '19', '96'], [999.9902738243471, 999.9576675727529, 999.9576734514343, '-011.0100101010101111111111111', '-010.011010000101011111010111', '19', '97'], [999.990284072853, 999.9852333971082, 999.98523369431, '-011.0100101110101111111111111', '-010.011010000101011111010111', '19', '98'], [999.9902840766497, 999.9842746174647, 999.9842752468413, '-011.0100101110101111111111111', '-010.011010000101010111010111', '19', '99'], [999.990284090078, 999.98300302348, 999.9830035376814, '-011.0100101110101111111111111', '-010.011010000100010111010111', '19', '100']]], [[[999.8020150533127, 999.5775985971844, 999.577612150944, '-1.001110111100010010110010000', '-11.01101100111110111111110', '20', '1'], [999.9066865817658, 999.7690617733633, 999.7690656880138, '-1.000110111100011011001010000', '-11.01001100111110111111110', '20', '2'], [999.9888135890664, 999.8876043363795, 999.8876099602105, '-1.000110111100011011001010000', '-11.00000111111110111111110', '20', '3'], [999.9897308472227, 999.9696396904558, 999.9696445397491, '-1.000110111100011011000010000', '-11.00000011111110111111110', '20', '4'], [999.9902567241547, 999.9760997544422, 999.9761042894248, '-1.000010111100011011001010000', '-11.00000011111110111111110', '20', '5'], [999.9902817329809, 999.9791419720923, 999.979145610286, '-1.000010111100010011000010000', '-11.00000010111110111111110', '20', '6'], [999.9902840007956, 999.9779508888984, 999.9779555545251, '-1.000010111100011011000110000', '-11.00000010011110111111110', '20', '7'], [999.9902840393315, 999.9901324351695, 999.9901324359732, '-1.000010111101011011000110000', '-11.00000010011110111111110', '20', '8'], [999.9902840509662, 999.9793596488333, 999.979364128732, '-1.000010111101110011000010000', '-11.00000010011110111111110', '20', '9'], [999.9902840875288, 999.9707915790361, 999.9708004290125, '-1.000010111111110011000010000', '-11.00000010011110111111110', '20', '10'], [999.9902840901129, 999.9637106054614, 999.9637213325824, '-1.000010111111110011000010000', '-11.00000010011111111011110', '20', '11'], [999.9902840901224, 999.9735325059534, 999.9735389233562, '-1.000010111111110001000010000', '-11.00000010011111111011010', '20', '12'], [999.9902840901225, 999.9656462043193, 999.9656553433771, '-1.000010111111110001000000000', '-11.00000010011111111011000', '20', '13'], [999.9902840901225, 999.9799266289609, 999.9799274996387, '-1.000010111111110001001000000', '-11.00000010011111111011000', '20', '14'], [999.9902840901225, 999.9760942401034, 999.9760982186326, '-1.000010111111110001001000010', '-11.00000010011111111011000', '20', '15'], [999.9902840901225, 999.9675528208946, 999.9675605491166, '-1.000010111111110001001000110', '-11.00000010011111111011000', '20', '16'], [999.9902840901225, 999.984841030022, 999.9848414511591, '-1.000010111111110001001000110', '-11.00000010011111111011000', '20', '17'], [999.9902840901225, 999.9700770962103, 999.9700859462301, '-1.000010111111110001001000110', '-11.00000010011111111011000', '20', '18'], [999.9902840901225, 999.980073052055, 999.9800775328432, '-1.000010111111110001001000110', '-11.00000010011111111011000', '20', '19'], [999.9902840901225, 999.9715278982358, 999.971534829838, '-1.000010111111110001001000110', '-11.00000010011111111011000', '20', '20'], [999.9902840901225, 999.981750586618, 999.9817527812535, '-1.000010111111110001001000110', '-11.00000010011111111011000', '20', '21'], [999.9902840901225, 999.981453502175, 999.9814556977826, '-1.000010111111110001001000110', '-11.00000010011111111011000', '20', '22'], [999.9902840901225, 999.9875831097453, 999.9875833185905, '-1.000010111111110001001000110', '-11.00000010011111111011000', '20', '23'], [999.9902840901225, 999.9879258189832, 999.9879260253371, '-1.000010111111110001001000110', '-11.00000010011111111011000', '20', '24'], [999.9902840901225, 999.9878461382522, 999.9878463453462, '-1.000010111111110001001000110', '-11.00000010011111111011000', '20', '25'], [999.9902840901225, 999.979007382558, 999.9790118705491, '-1.000010111111110001001000110', '-11.00000010011111111011000', '20', '26'], [999.9902840901225, 999.9812487751396, 999.9812509799077, '-1.000010111111110001001000110', '-11.00000010011111111011000', '20', '27'], [999.9902840901225, 999.9691142113063, 999.9691202645968, '-1.000010111111110001001000110', '-11.00000010011111111011000', '20', '28'], [999.9902840901225, 999.9891743024673, 999.9891743195883, '-1.000010111111110001001000110', '-11.00000010011111111011000', '20', '29'], [999.9902840901225, 999.9796272204812, 999.9796317006019, '-1.000010111111110001001000110', '-11.00000010011111111011000', '20', '30'], [999.9902840901225, 999.9833434503727, 999.9833440563433, '-1.000010111111110001001000110', '-11.00000010011111111011000', '20', '31'], [999.9902840901225, 999.9739427639307, 999.9739491742923, '-1.000010111111110001001000110', '-11.00000010011111111011000', '20', '32'], [999.9902840901225, 999.9896000033457, 999.9896000067303, '-1.000010111111110001001000110', '-11.00000010011111111011000', '20', '33'], [999.9902840901225, 999.9800732066241, 999.98007540853, '-1.000010111111110001001000110', '-11.00000010011111111011000', '20', '34'], [999.9902840901225, 999.9792724762893, 999.9792769564199, '-1.000010111111110001001000110', '-11.00000010011111111011000', '20', '35'], [999.9902840901225, 999.9741312613749, 999.9741375074441, '-1.000010111111110001001000110', '-11.00000010011111111011000', '20', '36'], [999.9902840901225, 999.9705448328486, 999.9705514324662, '-1.000010111111110001101000110', '-11.00000010011111111010000', '20', '37'], [999.9902840901225, 999.9765707246838, 999.9765746944813, '-1.000010111111110001101000110', '-11.00000010011111111010001', '20', '38'], [999.9902840901225, 999.9735514701565, 999.973557887314, '-1.000010111111110001101010110', '-11.00000010011111111010001', '20', '39'], [999.9902840901225, 999.9873368731728, 999.9873370927864, '-1.000010111111110001101110110', '-11.00000010011111111010001', '20', '40'], [999.9902840901225, 999.9876809775458, 999.9876811857196, '-1.000010111111110001101111110', '-11.00000010011111111010001', '20', '41'], [999.9902840901225, 999.9769869755646, 999.9769909378035, '-1.000010111111110001101111111', '-11.00000010011111111010000', '20', '42'], [999.9902840901225, 999.973631018778, 999.9736374281139, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '43'], [999.9902840901225, 999.974744139989, 999.9747482890921, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '44'], [999.9902840901225, 999.9606832900687, 999.96069345857, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '45'], [999.9902840901225, 999.9856223408074, 999.9856227595814, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '46'], [999.9902840901225, 999.9827446292819, 999.9827466537108, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '47'], [999.9902840901225, 999.9748597796153, 999.9748639195997, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '48'], [999.9902840901225, 999.9787902456684, 999.9787926272588, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '49'], [999.9902840901225, 999.9783294477467, 999.9783341040782, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '50'], [999.9902840901225, 999.9653288457536, 999.9653373213722, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '51'], [999.9902840901225, 999.9803613333322, 999.9803658046427, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '52'], [999.9902840901225, 999.9810646410531, 999.9810668358964, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '53'], [999.9902840901225, 999.9882043645716, 999.9882044004615, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '54'], [999.9902840901225, 999.9899543022016, 999.9899543041557, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '55'], [999.9902840901225, 999.9581998323415, 999.958212400928, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '56'], [999.9902840901225, 999.9862609884264, 999.9862612682577, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '57'], [999.9902840901225, 999.9636090344279, 999.9636197670883, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '58'], [999.9902840901225, 999.9744206715878, 999.9744248186013, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '59'], [999.9902840901225, 999.9708423218384, 999.9708511699897, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '60'], [999.9902840901225, 999.990146149444, 999.9901461500615, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '61'], [999.9902840901225, 999.9831544473973, 999.9831564517917, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '62'], [999.9902840901225, 999.9787192185955, 999.9787237263084, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '63'], [999.9902840901225, 999.9808713108636, 999.9808735141006, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '64'], [999.9902840901225, 999.9655281524806, 999.9655373217571, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '65'], [999.9902840901225, 999.97073589355, 999.9707424852558, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '66'], [999.9902840901225, 999.9900884251242, 999.9900884261577, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '67'], [999.9902840901225, 999.9721777583372, 999.9721843432571, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '68'], [999.9902840901225, 999.948683135453, 999.9486998618127, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '69'], [999.9902840901225, 999.9896625628774, 999.9896625674032, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '70'], [999.9902840901225, 999.9616517774077, 999.9616626532048, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '71'], [999.9902840901225, 999.973603440522, 999.9736098675096, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '72'], [999.9902840901225, 999.9649108248834, 999.9649193037266, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '73'], [999.9902840901225, 999.9546932091067, 999.9547081666562, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '74'], [999.9902840901225, 999.9854071854265, 999.9854076042521, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '75'], [999.9902840901225, 999.9706518202039, 999.9706563133858, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '76'], [999.9902840901225, 999.9814421341249, 999.9814443289512, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '77'], [999.9902840901225, 999.9687619401666, 999.968770857788, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '78'], [999.9902840901225, 999.9513606965168, 999.951377985732, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '79'], [999.9902840901225, 999.9662608808342, 999.9662691925726, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '80'], [999.9902840901225, 999.9732929457417, 999.9732970945835, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '81'], [999.9902840901225, 999.9813847512701, 999.9813869464039, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '82'], [999.9902840901225, 999.968883849553, 999.9688905905823, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '83'], [999.9902840901225, 999.9799900098776, 999.9799944911412, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '84'], [999.9902840901225, 999.9694502508302, 999.9694561345036, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '85'], [999.9902840901225, 999.9641932840475, 999.9642040065515, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '86'], [999.9902840901225, 999.9870676268828, 999.9870678587637, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '87'], [999.9902840901225, 999.966727809134, 999.966736824773, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '88'], [999.9902840901225, 999.9796075560671, 999.9796120255108, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '89'], [999.9902840901225, 999.9794377622171, 999.9794422312355, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '90'], [999.9902840901225, 999.9698455396693, 999.9698543966787, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '91'], [999.9902840901225, 999.9823679688, 999.9823699935307, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '92'], [999.9902840901225, 999.9807855062537, 999.9807877111583, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '93'], [999.9902840901225, 999.9708683268473, 999.970877176162, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '94'], [999.9902840901225, 999.9775435156475, 999.9775474810699, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '95'], [999.9902840901225, 999.9801656462328, 999.980170116617, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '96'], [999.9902840901225, 999.9780533422219, 999.9780580077486, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '97'], [999.9902840901225, 999.9680010374411, 999.9680102029645, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '98'], [999.9902840901225, 999.9683042635958, 999.9683132818641, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '99'], [999.9902840901225, 999.9816410718972, 999.9816432657148, '-1.000010111111110001101111111', '-11.00000010011111111010001', '20', '100']]], [[[999.9444733700318, 999.5997629709793, 999.5997657100005, '1.01101100101111010010110101110', '110.010000100001100011100100', '21', '1'], [999.9445846665468, 999.84788592423, 999.8478972460075, '1.01101100001111010010110101110', '110.010000100001100011100100', '21', '2'], [999.9507679763465, 999.9271282882706, 999.9271358495422, '1.01001100001111010010110101110', '110.010000100001100011100100', '21', '3'], [999.9584578763465, 999.9354016651761, 999.9354065921096, '1.00001100101111010010110101110', '110.010000100001000011100100', '21', '4'], [999.9627668372669, 999.9436098634978, 999.9436144750417, '0.00001100101111010010110101110', '110.010001100001100011100100', '21', '5'], [999.9627716210608, 999.9311502601496, 999.9311583903158, '0.00001100101111010010110101110', '110.010001100101100011100100', '21', '6'], [999.9627755864294, 999.956487952559, 999.9564885894641, '0.00011100101111010010110101110', '110.010001101101100011100100', '21', '7'], [999.9627759070935, 999.9540443217961, 999.9540465912801, '0.00010100101111010010110101110', '110.010001101101100111100100', '21', '8'], [999.9627759115064, 999.9624539437266, 999.9624539452187, '0.00010100101011010010110101110', '110.010001101101100011100100', '21', '9'], [999.9627759215426, 999.9501586218738, 999.9501619990467, '0.00010000101101010010110101110', '110.010001101101100011100100', '21', '10'], [999.962775924245, 999.9459396241458, 999.9459455009052, '0.00010010101101010010110101110', '110.010001101101100011101100', '21', '11'], [999.9627759248925, 999.9483402559093, 999.9483452293983, '0.00010000101011010010110101110', '110.010001101101110011101100', '21', '12'], [999.9627759248925, 999.9428931110177, 999.9428984701243, '0.00010000101011010010111101110', '110.010001101101110011101100', '21', '13'], [999.9627759248925, 999.9212121497148, 999.921225011519, '0.00010000101011010011111101110', '110.010001101101110011101100', '21', '14'], [999.9627759248925, 999.9430567465417, 999.9430617771499, '0.00010000101011010011111111110', '110.010001101101110011101100', '21', '15'], [999.9627759248925, 999.9356065460746, 999.9356143933013, '0.00010000101011011011111111110', '110.010001101101110011101100', '21', '16'], [999.9627759248925, 999.948634267621, 999.9486365199219, '0.00010000101011011011111111110', '110.010001101101110011101100', '21', '17'], [999.9627759248925, 999.946932411372, 999.9469356666654, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '18'], [999.9627759248925, 999.9616477956521, 999.9616478146597, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '19'], [999.9627759248925, 999.9462718449546, 999.9462755950182, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '20'], [999.9627759248925, 999.9502035426751, 999.9502070158858, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '21'], [999.9627759248925, 999.9378631824383, 999.9378704780437, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '22'], [999.9627759248925, 999.9408436257571, 999.9408501441085, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '23'], [999.9627759248925, 999.9442596886859, 999.9442651431623, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '24'], [999.9627759248925, 999.9507579043384, 999.9507613743801, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '25'], [999.9627759248925, 999.9458170002395, 999.9458221716638, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '26'], [999.9627759248925, 999.9487840716597, 999.9487884437806, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '27'], [999.9627759248925, 999.9470507290772, 999.9470552839659, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '28'], [999.9627759248925, 999.9559056821594, 999.9559077440347, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '29'], [999.9627759248925, 999.9443298061965, 999.9443352612311, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '30'], [999.9627759248925, 999.9621107989494, 999.9621108150706, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '31'], [999.9627759248925, 999.9625450260752, 999.9625450273576, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '32'], [999.9627759248925, 999.9543979385945, 999.9544009125556, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '33'], [999.9627759248925, 999.9516686341158, 999.951671491272, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '34'], [999.9627759248925, 999.9473701745383, 999.9473734210059, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '35'], [999.9627759248925, 999.9551938768415, 999.9551955298002, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '36'], [999.9627759248925, 999.9308753543629, 999.9308849250352, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '37'], [999.9627759248925, 999.954206688016, 999.9542089573742, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '38'], [999.9627759248925, 999.9419290199953, 999.9419349364101, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '39'], [999.9627759248925, 999.9490273006463, 999.9490316738269, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '40'], [999.9627759248925, 999.9347675889709, 999.9347758644116, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '41'], [999.9627759248925, 999.9603241380837, 999.960324360217, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '42'], [999.9627759248925, 999.9475426734971, 999.9475463549237, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '43'], [999.9627759248925, 999.9487727610102, 999.948777132518, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '44'], [999.9627759248925, 999.9362352297873, 999.9362441117406, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '45'], [999.9627759248925, 999.9473655501542, 999.947370106887, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '46'], [999.9627759248925, 999.9521708261987, 999.9521740030541, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '47'], [999.9627759248925, 999.9471536028079, 999.9471581575547, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '48'], [999.9627759248925, 999.9501931221633, 999.9501964980685, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '49'], [999.9627759248925, 999.9365497623724, 999.9365580372433, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '50'], [999.9627759248925, 999.93374803786, 999.9337563716454, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '51'], [999.9627759248925, 999.936293506102, 999.9363020594953, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '52'], [999.9627759248925, 999.9561480902078, 999.956150152353, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '53'], [999.9627759248925, 999.9565023882735, 999.9565038450024, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '54'], [999.9627759248925, 999.9538493259365, 999.9538515931935, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '55'], [999.9627759248925, 999.9475800925659, 999.9475843666935, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '56'], [999.9627759248925, 999.9432080117325, 999.9432124521055, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '57'], [999.9627759248925, 999.9320584113408, 999.9320683164498, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '58'], [999.9627759248925, 999.9432750535703, 999.9432805081656, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '59'], [999.9627759248925, 999.9614447847912, 999.9614448167857, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '60'], [999.9627759248925, 999.9484002024833, 999.9484038662936, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '61'], [999.9627759248925, 999.9565113130358, 999.9565127696766, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '62'], [999.9627759248925, 999.9527703029547, 999.9527734692263, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '63'], [999.9627759248925, 999.9542450421355, 999.9542480130874, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '64'], [999.9627759248925, 999.9533997468336, 999.9534027305865, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '65'], [999.9627759248925, 999.9574026937016, 999.9574031582858, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '66'], [999.9627759248925, 999.9526288989837, 999.952632065352, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '67'], [999.9627759248925, 999.9502506348654, 999.9502541146207, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '68'], [999.9627759248925, 999.9454374761391, 999.9454423264466, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '69'], [999.9627759248925, 999.9398559622877, 999.9398620567955, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '70'], [999.9627759248925, 999.9431188554227, 999.9431249135573, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '71'], [999.9627759248925, 999.9357447088946, 999.9357532637943, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '72'], [999.9627759248925, 999.9476626158756, 999.9476670030692, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '73'], [999.9627759248925, 999.9524580988775, 999.9524599534717, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '74'], [999.9627759248925, 999.9406044585128, 999.9406086961394, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '75'], [999.9627759248925, 999.9604905395038, 999.960490760944, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '76'], [999.9627759248925, 999.9498310173101, 999.9498344024526, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '77'], [999.9627759248925, 999.9491523431524, 999.9491564337486, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '78'], [999.9627759248925, 999.9409491212041, 999.9409555376437, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '79'], [999.9627759248925, 999.9460329679741, 999.946038128976, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '80'], [999.9627759248925, 999.927842986231, 999.927852711047, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '81'], [999.9627759248925, 999.9602863137935, 999.9602865360381, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '82'], [999.9627759248925, 999.9453365339716, 999.9453413833696, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '83'], [999.9627759248925, 999.9485903658497, 999.9485940311179, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '84'], [999.9627759248925, 999.9469623610422, 999.9469682230527, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '85'], [999.9627759248925, 999.9485873617982, 999.9485907512931, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '86'], [999.9627759248925, 999.9223192874435, 999.9223302125705, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '87'], [999.9627759248925, 999.9625015277204, 999.9625015290591, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '88'], [999.9627759248925, 999.9341465259023, 999.9341548557314, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '89'], [999.9627759248925, 999.9544113757568, 999.9544130393799, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '90'], [999.9627759248925, 999.9480866569207, 999.9480907639412, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '91'], [999.9627759248925, 999.9310913930564, 999.9311009686986, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '92'], [999.9627759248925, 999.9479893115146, 999.9479942816238, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '93'], [999.9627759248925, 999.945477604311, 999.9454824550787, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '94'], [999.9627759248925, 999.9301201914631, 999.9301297614805, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '95'], [999.9627759248925, 999.9539389706952, 999.9539412389582, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '96'], [999.9627759248925, 999.9626634907289, 999.9626634910594, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '97'], [999.9627759248925, 999.9615984272572, 999.9615984590366, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '98'], [999.9627759248925, 999.9415666240769, 999.941570850763, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '99'], [999.9627759248925, 999.952898275811, 999.952901443168, '0.00010000101011011011111111111', '110.010001101101110011101100', '21', '100']]], [[[999.9605965835033, 999.7257040532998, 999.7257098607929, '-111.1110101100100111111001010', '1.01011000101000101010011', '22', '1'], [999.9611029829564, 999.8861695104055, 999.8861757430002, '-111.11101001100101001001101', '1.01011000101000101011000011', '22', '2'], [999.9616221178801, 999.929264183437, 999.9292739022872, '-111.11101000100101001001101', '1.01011100101000101011000011', '22', '3'], [999.9617168869546, 999.9590574187309, 999.9590575746157, '-111.11101000000101001001101', '1.01011100001000101011000010', '22', '4'], [999.9627645038748, 999.9278723176084, 999.9278806708933, '-111.11100000100101001001101', '1.01011110001000101011000010', '22', '5'], [999.9627693782805, 999.9391323674312, 999.9391408841809, '-111.11100000100101001001101', '1.01011111001000101011000010', '22', '6'], [999.9627746375158, 999.9291342353492, 999.9291450108234, '-111.11100000000101001001101', '1.01011110101000101011000011', '22', '7'], [999.9627759178998, 999.9444160904693, 999.9444218015557, '-111.11100000000001001001101', '1.01011111101000101011000010', '22', '8'], [999.9627759248364, 999.9530253245322, 999.953026595174, '-111.11100000000011001001101', '1.01011111111000101011000010', '22', '9'], [999.9627759248684, 999.9596050598328, 999.9596052783744, '-111.11100000000001011001101', '1.01011111110000101011000010', '22', '10'], [999.9627759248907, 999.9457924462788, 999.9457979359316, '-111.11100000000001011101101', '1.01011111110000101011000011', '22', '11'], [999.9627759248924, 999.9460591849572, 999.9460645513404, '-111.11100000000001011101101', '1.01011111110000100011000011', '22', '12'], [999.9627759248924, 999.929117218938, 999.9291286829874, '-111.11100000000001011101101', '1.01011111110000100011010011', '22', '13'], [999.9627759248925, 999.9561269033179, 999.9561289302072, '-111.11100000000001011101101', '1.01011111110000100011100111', '22', '14'], [999.9627759248925, 999.9558341895292, 999.9558348397861, '-111.11100000000001011101101', '1.01011111110000100011101111', '22', '15'], [999.9627759248925, 999.9403067315059, 999.9403130555677, '-111.11100000000001011101101', '1.01011111110000100011101111', '22', '16'], [999.9627759248925, 999.9471263661517, 999.9471316797151, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '17'], [999.9627759248925, 999.9382775169801, 999.9382849166125, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '18'], [999.9627759248925, 999.9551657160619, 999.9551677544929, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '19'], [999.9627759248925, 999.9393768643683, 999.9393842704318, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '20'], [999.9627759248925, 999.9595547050271, 999.9595551800714, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '21'], [999.9627759248925, 999.9493156414242, 999.9493195683381, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '22'], [999.9627759248925, 999.9308423000854, 999.9308528915957, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '23'], [999.9627759248925, 999.9575818998975, 999.957582525628, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '24'], [999.9627759248925, 999.9411645687345, 999.9411707663752, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '25'], [999.9627759248925, 999.9395449748143, 999.9395535120893, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '26'], [999.9627759248925, 999.9509368549564, 999.9509380472152, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '27'], [999.9627759248925, 999.9567499511456, 999.9567505893209, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '28'], [999.9627759248925, 999.9572467967078, 999.9572474231263, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '29'], [999.9627759248925, 999.9519889828183, 999.9519913843488, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '30'], [999.9627759248925, 999.9448326365575, 999.9448383361508, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '31'], [999.9627759248925, 999.9339032654518, 999.9339125178486, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '32'], [999.9627759248925, 999.921160733109, 999.9211734742918, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '33'], [999.9627759248925, 999.9488487372106, 999.9488526697655, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '34'], [999.9627759248925, 999.955491168476, 999.9554932063269, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '35'], [999.9627759248925, 999.95218531981, 999.9521877641782, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '36'], [999.9627759248925, 999.9498929007168, 999.9498957450398, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '37'], [999.9627759248925, 999.9518881635988, 999.951890616381, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '38'], [999.9627759248925, 999.9296425897684, 999.9296522044788, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '39'], [999.9627759248925, 999.9446807602355, 999.9446862589572, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '40'], [999.9627759248925, 999.9561744845336, 999.9561751930585, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '41'], [999.9627759248925, 999.961269247562, 999.9612692686082, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '42'], [999.9627759248925, 999.9456836777576, 999.9456868718893, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '43'], [999.9627759248925, 999.9557437987037, 999.9557458258778, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '44'], [999.9627759248925, 999.9436936883385, 999.9437004817125, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '45'], [999.9627759248925, 999.9539632091925, 999.9539665627068, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '46'], [999.9627759248925, 999.930569590089, 999.9305800937532, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '47'], [999.9627759248925, 999.9384817784102, 999.9384903180201, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '48'], [999.9627759248925, 999.936585852502, 999.9365947473327, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '49'], [999.9627759248925, 999.9473661128852, 999.9473702161412, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '50'], [999.9627759248925, 999.9455765327868, 999.9455820296785, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '51'], [999.9627759248925, 999.9575396029005, 999.9575402282732, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '52'], [999.9627759248925, 999.9541202712385, 999.9541236141785, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '53'], [999.9627759248925, 999.9446996567119, 999.9447053546731, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '54'], [999.9627759248925, 999.9526479357896, 999.9526491592421, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '55'], [999.9627759248925, 999.9588146477962, 999.9588150904631, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '56'], [999.9627759248925, 999.9500761505952, 999.9500799537253, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '57'], [999.9627759248925, 999.9565353140586, 999.9565359523212, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '58'], [999.9627759248925, 999.950601502224, 999.9506029623489, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '59'], [999.9627759248925, 999.9542301941905, 999.9542335375456, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '60'], [999.9627759248925, 999.9423463092219, 999.9423521803358, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '61'], [999.9627759248925, 999.9424184940402, 999.942422061089, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '62'], [999.9627759248925, 999.933694204205, 999.9337043276316, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '63'], [999.9627759248925, 999.9271133143121, 999.9271233636026, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '64'], [999.9627759248925, 999.9373366073659, 999.9373442216921, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '65'], [999.9627759248925, 999.9576242229467, 999.9576248488042, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '66'], [999.9627759248925, 999.9546755578932, 999.9546776055629, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '67'], [999.9627759248925, 999.9350366572455, 999.935044365206, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '68'], [999.9627759248925, 999.9560117126116, 999.9560138321682, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '69'], [999.9627759248925, 999.9558402484568, 999.9558408544448, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '70'], [999.9627759248925, 999.9251080542675, 999.9251193609514, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '71'], [999.9627759248925, 999.9455708427544, 999.9455751569748, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '72'], [999.9627759248925, 999.9449076268667, 999.9449133383292, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '73'], [999.9627759248925, 999.9488341986502, 999.9488367964515, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '74'], [999.9627759248925, 999.9588376078995, 999.9588380501992, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '75'], [999.9627759248925, 999.9527315816465, 999.9527340164308, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '76'], [999.9627759248925, 999.9419476307645, 999.9419545820818, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '77'], [999.9627759248925, 999.9389655676864, 999.9389729664275, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '78'], [999.9627759248925, 999.9618676513097, 999.9618676682816, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '79'], [999.9627759248925, 999.9503714662791, 999.9503740930309, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '80'], [999.9627759248925, 999.940735093736, 999.9407426655428, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '81'], [999.9627759248925, 999.9431740375123, 999.9431785713523, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '82'], [999.9627759248925, 999.9490336651818, 999.9490375902992, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '83'], [999.9627759248925, 999.9572405004423, 999.9572411278464, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '84'], [999.9627759248925, 999.9606715768741, 999.9606717800049, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '85'], [999.9627759248925, 999.9573011808673, 999.9573018081431, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '86'], [999.9627759248925, 999.9487202335395, 999.9487241668113, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '87'], [999.9627759248925, 999.9510394556978, 999.9510432006637, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '88'], [999.9627759248925, 999.9516227037711, 999.9516251150063, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '89'], [999.9627759248925, 999.9421928278683, 999.9421975700953, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '90'], [999.9627759248925, 999.9507820610411, 999.9507858061846, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '91'], [999.9627759248925, 999.9539868256434, 999.9539901793111, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '92'], [999.9627759248925, 999.9210740314552, 999.9210867164749, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '93'], [999.9627759248925, 999.9531630828394, 999.9531655177004, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '94'], [999.9627759248925, 999.9380450170584, 999.9380525004027, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '95'], [999.9627759248925, 999.9566796785879, 999.956680526453, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '96'], [999.9627759248925, 999.9581483355735, 999.9581487499916, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '97'], [999.9627759248925, 999.9494027765842, 999.9494044583064, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '98'], [999.9627759248925, 999.9492096877538, 999.9492136143363, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '99'], [999.9627759248925, 999.9492071727426, 999.9492108980431, '-111.11100000000001011101101', '1.01011111110000100011111111', '22', '100']]], [[[999.9902809415024, 999.8222127493831, 999.8222305457, '10.00010111101001111001111', '-11.1010100111000110011111011', '23', '1'], [999.9902828584375, 999.9594045199744, 999.9594116065718, '10.00010111101001111001111', '-11.1010100011000110011111011', '23', '2'], [999.9902830504385, 999.9804799363213, 999.9804809002383, '10.00010111101001111001111', '-11.1010100011001110011111011', '23', '3'], [999.990284056053, 999.9651023453334, 999.965108488137, '10.00010111001001110001111', '-11.1010100011000110011111111', '23', '4'], [999.9902840793026, 999.9671659924072, 999.9671701213017, '10.00010111001011110001111', '-11.1010100011000110011111111', '23', '5'], [999.9902840872192, 999.9745722569037, 999.9745759226785, '10.00010111001011111001111', '-11.1010100011000010011111111', '23', '6'], [999.9902840891463, 999.9717087928616, 999.9717126025641, '10.00010111001011111001111', '-11.1010100011000000011111011', '23', '7'], [999.9902840892972, 999.9617413218988, 999.9617490487086, '10.00010111001011111101111', '-11.1010100011000000011111011', '23', '8'], [999.9902840893762, 999.9670219981875, 999.9670274287247, '10.00010111001011111101111', '-11.1010100011000000010111011', '23', '9'], [999.9902840894434, 999.9800614474686, 999.9800628525165, '10.00010111001011111111111', '-11.1010100011000000010111011', '23', '10'], [999.9902840894797, 999.9702430747182, 999.9702480725555, '10.00010111001011111111111', '-11.1010100011000000010011011', '23', '11'], [999.9902840894807, 999.9693069773525, 999.9693129805249, '10.00010111001011111111111', '-11.1010100011000000010011010', '23', '12'], [999.9902840896146, 999.9724074255158, 999.9724111571606, '10.00010111001011111111111', '-11.1010100011000000000011011', '23', '13'], [999.9902840896166, 999.9792725062363, 999.9792747902917, '10.00010111001011111111111', '-11.1010100011000000000011001', '23', '14'], [999.9902840896324, 999.9615210067551, 999.9615270755618, '10.00010111001011111111111', '-11.1010100011000000000001001', '23', '15'], [999.9902840896333, 999.9702151320937, 999.9702191810691, '10.00010111001011111111111', '-11.1010100011000000000001000', '23', '16'], [999.9902840896411, 999.9753591976315, 999.9753630560041, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '17'], [999.9902840896411, 999.9623988459131, 999.9624056234285, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '18'], [999.9902840896411, 999.9608725417571, 999.9608795393984, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '19'], [999.9902840896411, 999.9776332015207, 999.9776366834029, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '20'], [999.9902840896411, 999.984332386198, 999.9843331209612, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '21'], [999.9902840896411, 999.9453771477009, 999.9453905233006, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '22'], [999.9902840896411, 999.9819429574115, 999.9819443694207, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '23'], [999.9902840896411, 999.9637911416887, 999.9637973279118, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '24'], [999.9902840896411, 999.9795510649169, 999.9795537326162, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '25'], [999.9902840896411, 999.9804842482642, 999.9804864504331, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '26'], [999.9902840896411, 999.9695697896816, 999.9695745821033, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '27'], [999.9902840896411, 999.9742160274385, 999.974219931266, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '28'], [999.9902840896411, 999.9551548775067, 999.9551634896405, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '29'], [999.9902840896411, 999.9804097533524, 999.9804124451174, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '30'], [999.9902840896411, 999.9834173219475, 999.9834186411942, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '31'], [999.9902840896411, 999.9768919499583, 999.9768946082262, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '32'], [999.9902840896411, 999.9693336070316, 999.969338469572, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '33'], [999.9902840896411, 999.9737770994464, 999.9737812500017, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '34'], [999.9902840896411, 999.9757709891699, 999.9757743090821, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '35'], [999.9902840896411, 999.969590430825, 999.9695961995773, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '36'], [999.9902840896411, 999.9669434831933, 999.9669490214404, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '37'], [999.9902840896411, 999.9676645088331, 999.9676693470494, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '38'], [999.9902840896411, 999.9661143180784, 999.9661189646806, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '39'], [999.9902840896411, 999.9694265795706, 999.9694308558337, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '40'], [999.9902840896411, 999.9732758574148, 999.9732791638638, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '41'], [999.9902840896411, 999.9673039903847, 999.9673090720112, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '42'], [999.9902840896411, 999.9552570511663, 999.9552658923967, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '43'], [999.9902840896411, 999.9696620299474, 999.9696665265959, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '44'], [999.9902840896411, 999.9834823234238, 999.9834831150113, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '45'], [999.9902840896411, 999.9613408346527, 999.9613495155879, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '46'], [999.9902840896411, 999.9560861760579, 999.9560944673303, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '47'], [999.9902840896411, 999.9895839590978, 999.9895839683741, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '48'], [999.9902840896411, 999.9779551318934, 999.9779572170906, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '49'], [999.9902840896411, 999.978595979113, 999.9785985219863, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '50'], [999.9902840896411, 999.9734343004973, 999.9734386961017, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '51'], [999.9902840896411, 999.9741760219938, 999.9741789777437, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '52'], [999.9902840896411, 999.9655252145951, 999.9655305954931, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '53'], [999.9902840896411, 999.9665197142049, 999.9665258842323, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '54'], [999.9902840896411, 999.9751746385101, 999.9751770534001, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '55'], [999.9902840896411, 999.9857569065629, 999.9857576325943, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '56'], [999.9902840896411, 999.973836036793, 999.9738392357667, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '57'], [999.9902840896411, 999.9850007880374, 999.985001518255, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '58'], [999.9902840896411, 999.9672808009366, 999.9672851792486, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '59'], [999.9902840896411, 999.9605791408957, 999.9605844865696, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '60'], [999.9902840896411, 999.9719113996882, 999.9719161522489, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '61'], [999.9902840896411, 999.9519273816596, 999.9519355851546, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '62'], [999.9902840896411, 999.9722697515224, 999.972274407697, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '63'], [999.9902840896411, 999.971921702846, 999.9719259245203, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '64'], [999.9902840896411, 999.9792056830861, 999.9792076430937, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '65'], [999.9902840896411, 999.966838319009, 999.9668448503998, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '66'], [999.9902840896411, 999.9902653612687, 999.9902653612731, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '67'], [999.9902840896411, 999.9625462269308, 999.9625533758809, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '68'], [999.9902840896411, 999.9722309355824, 999.9722341419107, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '69'], [999.9902840896411, 999.9637054155689, 999.9637127992014, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '70'], [999.9902840896411, 999.9702532476643, 999.9702584029843, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '71'], [999.9902840896411, 999.9648633504929, 999.9648697838165, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '72'], [999.9902840896411, 999.979752175588, 999.979754663459, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '73'], [999.9902840896411, 999.9636464364052, 999.9636512095958, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '74'], [999.9902840896411, 999.9879620159538, 999.9879621046184, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '75'], [999.9902840896411, 999.9750127094599, 999.9750165315854, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '76'], [999.9902840896411, 999.9734554261208, 999.9734598199104, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '77'], [999.9902840896411, 999.9872533027161, 999.9872534707619, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '78'], [999.9902840896411, 999.9774433309799, 999.9774470998759, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '79'], [999.9902840896411, 999.98452211451, 999.9845233764457, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '80'], [999.9902840896411, 999.953334808264, 999.9533458638161, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '81'], [999.9902840896411, 999.9791819967396, 999.9791847775456, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '82'], [999.9902840896411, 999.9810582638934, 999.9810597045476, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '83'], [999.9902840896411, 999.9526603991887, 999.952671721296, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '84'], [999.9902840896411, 999.9766137545272, 999.9766156194031, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '85'], [999.9902840896411, 999.9652269279514, 999.9652322565939, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '86'], [999.9902840896411, 999.9606308848754, 999.9606383415913, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '87'], [999.9902840896411, 999.9751170355543, 999.9751196702987, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '88'], [999.9902840896411, 999.9719607571708, 999.9719637734157, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '89'], [999.9902840896411, 999.97754627578, 999.9775495142577, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '90'], [999.9902840896411, 999.9371338573733, 999.9371473140527, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '91'], [999.9902840896411, 999.9821685827698, 999.9821701950075, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '92'], [999.9902840896411, 999.975594413936, 999.9755973518251, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '93'], [999.9902840896411, 999.9660312125479, 999.966036884961, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '94'], [999.9902840896411, 999.9819703749043, 999.9819717604362, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '95'], [999.9902840896411, 999.9645084213121, 999.9645144864791, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '96'], [999.9902840896411, 999.9691902100012, 999.9691952822552, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '97'], [999.9902840896411, 999.9774631318505, 999.9774652325904, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '98'], [999.9902840896411, 999.976242119149, 999.9762447145996, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '99'], [999.9902840896411, 999.9780612533588, 999.9780633355458, '10.00010111001011111111111', '-11.1010100011000000000000000', '23', '100']]], [[[999.9871233590916, 999.6877265685719, 999.6877421258148, '-10.1111001010100001000011100', '-100.11111011101000101001010', '24', '1'], [999.9902574068063, 999.9741295022355, 999.9741322454815, '-00.1110001000100001000011100', '-100.11111011101000101001010', '24', '2'], [999.9902587921853, 999.9773939958977, 999.9773978428198, '-00.1110001000000001000011100', '-100.11111011101000101001010', '24', '3'], [999.9902672704108, 999.9715141270167, 999.971520948938, '-00.1110001000000001000011100', '-100.11111011111000101001010', '24', '4'], [999.9902691205294, 999.9882019194225, 999.988201959324, '-00.1110001000000001000011100', '-100.11111011111100101001010', '24', '5'], [999.9902811883496, 999.9426629317886, 999.9426797338073, '-00.1110000000000001000011100', '-100.11111011111100101001010', '24', '6'], [999.990281237602, 999.9816401240975, 999.9816435755223, '-00.1110000000000001000011100', '-100.11111011111100111001010', '24', '7'], [999.9902814303956, 999.9897169634536, 999.9897169669159, '-00.1110000000000001000011100', '-100.11111011111101111001010', '24', '8'], [999.9902818084415, 999.9500734566475, 999.9500883272718, '-00.1110000000000000000011110', '-100.11111011111111111001010', '24', '9'], [999.9902818139209, 999.9646945336629, 999.9647049783046, '-00.1110000000000000000011110', '-100.11111011111111111011010', '24', '10'], [999.9902818248597, 999.962499510016, 999.9625104226731, '-00.1110000000000000000011110', '-100.11111011111111111111010', '24', '11'], [999.9902818262252, 999.9663738688869, 999.9663827619064, '-00.1110000000000000000011110', '-100.11111011111111111111110', '24', '12'], [999.9902818263242, 999.9743520086066, 999.974356842293, '-00.1110000000000000000011010', '-100.11111011111111111111110', '24', '13'], [999.9902818267203, 999.9536732370652, 999.9536889134569, '-00.1110000000000000000001010', '-100.11111011111111111111110', '24', '14'], [999.9902818267699, 999.9746601013529, 999.9746656705773, '-00.1110000000000000000001000', '-100.11111011111111111111110', '24', '15'], [999.9902818271112, 999.947506674906, 999.9475211585049, '-00.1110000000000000000001000', '-100.11111011111111111111111', '24', '16'], [999.9902818273092, 999.963630114863, 999.9636407246741, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '17'], [999.9902818273092, 999.9571941158084, 999.9572030403464, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '18'], [999.9902818273092, 999.9520829320987, 999.9520985965462, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '19'], [999.9902818273092, 999.9613851733203, 999.9613948461109, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '20'], [999.9902818273092, 999.9693335465054, 999.9693421241551, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '21'], [999.9902818273092, 999.9896184937714, 999.9896184975984, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '22'], [999.9902818273092, 999.9764465287006, 999.9764503897208, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '23'], [999.9902818273092, 999.9891238560476, 999.9891238742877, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '24'], [999.9902818273092, 999.9640079700573, 999.9640170348424, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '25'], [999.9902818273092, 999.9645705442572, 999.9645779754387, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '26'], [999.9902818273092, 999.9551470067864, 999.9551586764514, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '27'], [999.9902818273092, 999.9713186908626, 999.9713252384857, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '28'], [999.9902818273092, 999.9718305759292, 999.9718383810822, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '29'], [999.9902818273092, 999.9884932980717, 999.9884933318664, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '30'], [999.9902818273092, 999.9579167442485, 999.9579291933362, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '31'], [999.9902818273092, 999.9705521303572, 999.9705591557589, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '32'], [999.9902818273092, 999.9718572191864, 999.9718637602261, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '33'], [999.9902818273092, 999.9636032659962, 999.9636113948205, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '34'], [999.9902818273092, 999.9804554654346, 999.9804589392169, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '35'], [999.9902818273092, 999.9518976441251, 999.9519116183673, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '36'], [999.9902818273092, 999.9639381718148, 999.9639475553159, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '37'], [999.9902818273092, 999.9454682945347, 999.9454836074502, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '38'], [999.9902818273092, 999.9833147389871, 999.983316915419, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '39'], [999.9902818273092, 999.9648333862591, 999.9648419757368, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '40'], [999.9902818273092, 999.9608493293974, 999.960861182516, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '41'], [999.9902818273092, 999.9622608974274, 999.9622712118834, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '42'], [999.9902818273092, 999.9510883823913, 999.9511024963035, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '43'], [999.9902818273092, 999.9640187621159, 999.9640282214289, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '44'], [999.9902818273092, 999.9641266688205, 999.9641363358694, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '45'], [999.9902818273092, 999.9600858193289, 999.960096740303, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '46'], [999.9902818273092, 999.9564396317909, 999.9564496281204, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '47'], [999.9902818273092, 999.9722688861596, 999.972274653851, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '48'], [999.9902818273092, 999.9483267803136, 999.9483417892197, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '49'], [999.9902818273092, 999.9663206644097, 999.9663284916851, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '50'], [999.9902818273092, 999.9702961894965, 999.9703032107935, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '51'], [999.9902818273092, 999.9699689507414, 999.969977356606, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '52'], [999.9902818273092, 999.9805368189809, 999.9805392137861, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '53'], [999.9902818273092, 999.9603826163855, 999.9603944706199, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '54'], [999.9902818273092, 999.9710524230887, 999.9710589792547, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '55'], [999.9902818273092, 999.9617175061242, 999.9617281248411, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '56'], [999.9902818273092, 999.9769391341922, 999.9769429879102, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '57'], [999.9902818273092, 999.9898496422381, 999.9898496440725, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '58'], [999.9902818273092, 999.9581355396122, 999.9581480036574, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '59'], [999.9902818273092, 999.9696523707967, 999.9696601739905, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '60'], [999.9902818273092, 999.9562966233802, 999.9563100032575, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '61'], [999.9902818273092, 999.9850591049798, 999.9850595584862, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '62'], [999.9902818273092, 999.9683187279173, 999.9683254568052, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '63'], [999.9902818273092, 999.9694289288793, 999.9694375971737, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '64'], [999.9902818273092, 999.9535802972039, 999.9535927248955, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '65'], [999.9902818273092, 999.9800043497874, 999.9800067675237, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '66'], [999.9902818273092, 999.9743269525296, 999.9743325312929, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '67'], [999.9902818273092, 999.9897329660508, 999.9897329683088, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '68'], [999.9902818273092, 999.9749067587938, 999.9749123295877, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '69'], [999.9902818273092, 999.969894633477, 999.9699013611358, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '70'], [999.9902818273092, 999.9811470472263, 999.9811505103262, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '71'], [999.9902818273092, 999.9726538536783, 999.9726596134677, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '72'], [999.9902818273092, 999.9804872219033, 999.9804914619523, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '73'], [999.9902818273092, 999.9683193657291, 999.9683270135973, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '74'], [999.9902818273092, 999.9647673474637, 999.9647759477524, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '75'], [999.9902818273092, 999.9796147053758, 999.979618954675, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '76'], [999.9902818273092, 999.9718867365026, 999.9718935800579, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '77'], [999.9902818273092, 999.9748914592714, 999.9748970309189, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '78'], [999.9902818273092, 999.948272997029, 999.9482880035279, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '79'], [999.9902818273092, 999.9773169132662, 999.9773213728431, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '80'], [999.9902818273092, 999.9586071835071, 999.9586188712932, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '81'], [999.9902818273092, 999.9697608751118, 999.9697668282635, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '82'], [999.9902818273092, 999.9538923523257, 999.9539080419178, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '83'], [999.9902818273092, 999.9774667379013, 999.9774704773785, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '84'], [999.9902818273092, 999.9737064847186, 999.9737120694526, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '85'], [999.9902818273092, 999.9613552361656, 999.9613652426381, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '86'], [999.9902818273092, 999.9769783768975, 999.9769822386262, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '87'], [999.9902818273092, 999.9713365023199, 999.9713448952289, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '88'], [999.9902818273092, 999.9501136337283, 999.9501274264361, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '89'], [999.9902818273092, 999.9717601940299, 999.9717648885475, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '90'], [999.9902818273092, 999.9484639659038, 999.9484788394026, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '91'], [999.9902818273092, 999.9534237631959, 999.9534375882996, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '92'], [999.9902818273092, 999.9723811362647, 999.9723853975521, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '93'], [999.9902818273092, 999.981247482653, 999.9812509467155, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '94'], [999.9902818273092, 999.9561342734821, 999.9561480105688, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '95'], [999.9902818273092, 999.9716024925564, 999.9716100986091, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '96'], [999.9902818273092, 999.9743329050305, 999.9743384833658, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '97'], [999.9902818273092, 999.9898451841738, 999.9898451865733, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '98'], [999.9902818273092, 999.9547964738954, 999.9548109181254, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '99'], [999.9902818273092, 999.9741242137561, 999.9741305688549, '-00.1110000000000000000000000', '-100.11111011111111111111111', '24', '100']]], [[[999.8216705218022, 999.6582677458117, 999.6582826631554, '-111.0011101000101001110001110', '1110.001011000101010110001100', '25', '1'], [999.8217767709104, 999.806925500079, 999.8069287441434, '-111.0011101000101001110001110', '1110.001010000101010101001100', '25', '2'], [999.8217773265674, 999.8038805710531, 999.8038851379306, '-111.0011101000101001110001110', '1110.001010000111010101001100', '25', '3'], [999.8645445832951, 999.7876207009306, 999.7876293638428, '-111.0011101000101001100001110', '0110.001010000101010111001100', '25', '4'], [999.914570665839, 999.8496894641444, 999.8496935360974, '-111.0011101000101001010001110', '0110.011010000101010111001100', '25', '5'], [999.9197356781057, 999.8646494040827, 999.8646606169149, '-111.0011101000101001010001110', '0110.011110000101010111001100', '25', '6'], [999.9217953767125, 999.8909903965629, 999.8909974237635, '-111.0010101000101001110001110', '0110.011110000101010111001100', '25', '7'], [999.9218035523455, 999.8849832811034, 999.8849907482339, '-111.0010101000101001110001110', '0110.011110001101010111001100', '25', '8'], [999.9218052938536, 999.8858654553914, 999.8858759467829, '-111.0010101000001001110001110', '0110.011110001101011111001100', '25', '9'], [999.9218066489412, 999.8858852790149, 999.8858969007769, '-111.0010101000001001110001110', '0110.011110001111011111001100', '25', '10'], [999.9218106357074, 999.8822650055412, 999.8822748246052, '-111.0010101000001001110001110', '0110.011110011111011111001100', '25', '11'], [999.9218107673818, 999.8960081962579, 999.8960114348217, '-111.0010101001001001110001110', '0110.011110011111011111001100', '25', '12'], [999.9218107696428, 999.8921237427153, 999.8921304733947, '-111.0010101001001001010001110', '0110.011110011111011111001100', '25', '13'], [999.921810798793, 999.873515805378, 999.8735301426168, '-111.0010101001000001010001110', '0110.011110011111011111001110', '25', '14'], [999.9218108141372, 999.8901077157262, 999.8901165501807, '-111.0010101001000001010001110', '0110.011110011111111111001100', '25', '15'], [999.9218108152751, 999.9028156333165, 999.9028206805331, '-111.0010101001000000010001110', '0110.011110011111111111001100', '25', '16'], [999.9218108155384, 999.8966948575155, 999.8967015684226, '-111.0010101001000000000001100', '0110.011110011111111111001110', '25', '17'], [999.921810815653, 999.894244572841, 999.894252519412, '-111.0010101001000000000001100', '0110.011110011111111111101110', '25', '18'], [999.921810815653, 999.8958268327381, 999.8958324174279, '-111.0010101001000000000001100', '0110.011110011111111111101110', '25', '19'], [999.9218108157093, 999.8779417802242, 999.8779551922858, '-111.0010101001000000000001100', '0110.011110011111111111111110', '25', '20'], [999.9218108157165, 999.8859384147473, 999.8859453771036, '-111.0010101001000000000001000', '0110.011110011111111111111110', '25', '21'], [999.9218108157165, 999.889379776297, 999.889388932926, '-111.0010101001000000000001000', '0110.011110011111111111111110', '25', '22'], [999.92181081572, 999.8974338662183, 999.8974381251589, '-111.0010101001000000000001000', '0110.011110011111111111111111', '25', '23'], [999.9218108157313, 999.8861235987117, 999.8861324202059, '-111.0010101001000000000000000', '0110.011110011111111111111110', '25', '24'], [999.9218108157347, 999.8863389305159, 999.8863501886093, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '25'], [999.9218108157347, 999.9049405776942, 999.9049456806647, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '26'], [999.9218108157347, 999.8690502238065, 999.8690646289629, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '27'], [999.9218108157347, 999.874611966776, 999.8746230499366, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '28'], [999.9218108157347, 999.9043200881384, 999.9043245418114, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '29'], [999.9218108157347, 999.8832427264795, 999.8832544548737, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '30'], [999.9218108157347, 999.8973393644883, 999.8973465572124, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '31'], [999.9218108157347, 999.8946719459157, 999.8946786672836, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '32'], [999.9218108157347, 999.8853866479674, 999.885396256859, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '33'], [999.9218108157347, 999.8847733440462, 999.8847843169928, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '34'], [999.9218108157347, 999.9009009196471, 999.9009046969478, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '35'], [999.9218108157347, 999.8991864301304, 999.8991915044099, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '36'], [999.9218108157347, 999.8993008798159, 999.8993054054389, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '37'], [999.9218108157347, 999.8845499886074, 999.884558308694, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '38'], [999.9218108157347, 999.878751745832, 999.878763933081, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '39'], [999.9218108157347, 999.9062874409112, 999.9062915312295, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '40'], [999.9218108157347, 999.9002018080957, 999.9002055767735, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '41'], [999.9218108157347, 999.8999776732194, 999.8999824917223, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '42'], [999.9218108157347, 999.9054330468867, 999.905435894178, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '43'], [999.9218108157347, 999.8946867929538, 999.8946936985648, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '44'], [999.9218108157347, 999.85467674198, 999.8546939517732, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '45'], [999.9218108157347, 999.8787690403144, 999.8787810146908, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '46'], [999.9218108157347, 999.8922796811977, 999.8922875402204, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '47'], [999.9218108157347, 999.9057151981546, 999.9057189990804, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '48'], [999.9218108157347, 999.9106450073348, 999.9106474162303, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '49'], [999.9218108157347, 999.8796455196891, 999.8796562200712, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '50'], [999.9218108157347, 999.8698258887274, 999.8698388870852, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '51'], [999.9218108157347, 999.9008185779483, 999.9008235059267, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '52'], [999.9218108157347, 999.9065915710127, 999.9065946124864, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '53'], [999.9218108157347, 999.8834040600781, 999.8834157609436, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '54'], [999.9218108157347, 999.8698648840383, 999.8698811996213, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '55'], [999.9218108157347, 999.8816520350665, 999.8816640476797, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '56'], [999.9218108157347, 999.9069635482994, 999.9069682948018, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '57'], [999.9218108157347, 999.8755724313675, 999.8755842189846, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '58'], [999.9218108157347, 999.8850686387367, 999.8850789301977, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '59'], [999.9218108157347, 999.8662198389611, 999.8662358098305, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '60'], [999.9218108157347, 999.9031204245935, 999.903126418334, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '61'], [999.9218108157347, 999.899695919769, 999.8997012165672, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '62'], [999.9218108157347, 999.8795297016868, 999.879541249566, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '63'], [999.9218108157347, 999.8866207280704, 999.8866285785288, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '64'], [999.9218108157347, 999.9126385724434, 999.9126398978426, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '65'], [999.9218108157347, 999.8874731525319, 999.88748211773, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '66'], [999.9218108157347, 999.8984815215683, 999.8984864031308, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '67'], [999.9218108157347, 999.8963730539482, 999.8963792129714, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '68'], [999.9218108157347, 999.8913813780817, 999.8913891017704, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '69'], [999.9218108157347, 999.8815696040803, 999.8815809579933, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '70'], [999.9218108157347, 999.895373284837, 999.895380887338, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '71'], [999.9218108157347, 999.8954262647026, 999.8954318405154, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '72'], [999.9218108157347, 999.8968802756868, 999.8968856882727, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '73'], [999.9218108157347, 999.9041831503082, 999.9041862928963, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '74'], [999.9218108157347, 999.9147316163914, 999.9147323757269, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '75'], [999.9218108157347, 999.8977834392731, 999.8977886436031, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '76'], [999.9218108157347, 999.9037482125573, 999.903752805369, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '77'], [999.9218108157347, 999.9051736090872, 999.9051775046454, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '78'], [999.9218108157347, 999.887517630803, 999.8875270210904, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '79'], [999.9218108157347, 999.9066517272993, 999.9066559980873, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '80'], [999.9218108157347, 999.9016391482047, 999.9016441346661, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '81'], [999.9218108157347, 999.9044240887805, 999.9044265748703, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '82'], [999.9218108157347, 999.8664990585901, 999.866513838997, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '83'], [999.9218108157347, 999.9084015644002, 999.9084054337958, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '84'], [999.9218108157347, 999.8927669931634, 999.8927759325866, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '85'], [999.9218108157347, 999.8951797831666, 999.8951857907464, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '86'], [999.9218108157347, 999.8859058393332, 999.8859155568989, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '87'], [999.9218108157347, 999.8975193940661, 999.8975255455792, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '88'], [999.9218108157347, 999.9076258277241, 999.9076296970392, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '89'], [999.9218108157347, 999.8749125282551, 999.8749252581749, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '90'], [999.9218108157347, 999.9046426428911, 999.904646768095, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '91'], [999.9218108157347, 999.9056564218512, 999.9056601091027, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '92'], [999.9218108157347, 999.896574999816, 999.8965808750457, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '93'], [999.9218108157347, 999.9082283726403, 999.9082309317156, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '94'], [999.9218108157347, 999.8793114510729, 999.8793248245684, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '95'], [999.9218108157347, 999.8780339620398, 999.8780479109706, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '96'], [999.9218108157347, 999.890676109533, 999.8906860348358, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '97'], [999.9218108157347, 999.9001947063547, 999.9001986597287, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '98'], [999.9218108157347, 999.8836094674494, 999.8836195028589, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '99'], [999.9218108157347, 999.8987299744393, 999.8987353262532, '-111.0010101001000000000000000', '0110.011110011111111111111111', '25', '100']]], [[[999.6267064005999, 999.5330120119054, 999.5330200107146, '1011.1001110011011010110010', '11101.001010111000111110111101', '26', '1'], [999.6267092819496, 999.6155099345821, 999.6155111144703, '1011.1001111011011010110010', '11101.001010111000111110111101', '26', '2'], [999.6267093287651, 999.621254160897, 999.6212545723532, '1011.1001111011011010111010', '11101.001010111001111110111101', '26', '3'], [999.6267093471957, 999.6077981310565, 999.6078002521103, '1011.1001111011111010110010', '11101.001010111001111110111101', '26', '4'], [999.6267093483796, 999.6144554437268, 999.6144568437135, '1011.1001111011111110111010', '11101.001010111001111110111101', '26', '5'], [999.6267093486251, 999.6141987733284, 999.6142001377565, '1011.1001111011111111111010', '11101.001010111001111110111101', '26', '6'], [999.626709348771, 999.6174791374511, 999.6174799059934, '1011.1001111011111111111010', '11101.001010111001111111111101', '26', '7'], [999.6267093487851, 999.6187116394614, 999.6187126139845, '1011.1001111011111111111110', '11101.001010111001111111111101', '26', '8'], [999.6267093487886, 999.6145470359218, 999.6145483018304, '1011.1001111011111111111111', '11101.001010111001111111111101', '26', '9'], [999.6267093487886, 999.6068002721352, 999.6068025153957, '1011.1001111011111111111111', '11101.001010111001111111111101', '26', '10'], [999.626709348793, 999.6153654946221, 999.6153665132808, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '11'], [999.626709348793, 999.6154808681863, 999.6154822263316, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '12'], [999.626709348793, 999.6201770891937, 999.6201776151547, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '13'], [999.626709348793, 999.606244851626, 999.6062475682517, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '14'], [999.626709348793, 999.6111099439883, 999.6111119792831, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '15'], [999.626709348793, 999.61285077094, 999.6128522033409, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '16'], [999.626709348793, 999.6160518094222, 999.6160526220352, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '17'], [999.626709348793, 999.6127063904183, 999.6127077228947, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '18'], [999.626709348793, 999.6127446624353, 999.6127461266524, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '19'], [999.626709348793, 999.6065098794955, 999.6065120655313, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '20'], [999.626709348793, 999.6197627591839, 999.6197636001119, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '21'], [999.626709348793, 999.6128525178469, 999.6128541680151, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '22'], [999.626709348793, 999.6155572720523, 999.6155585421667, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '23'], [999.626709348793, 999.6118055390239, 999.6118072082285, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '24'], [999.626709348793, 999.6121074000703, 999.6121086002038, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '25'], [999.626709348793, 999.6089551643767, 999.608957013568, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '26'], [999.626709348793, 999.6207826249457, 999.6207833764283, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '27'], [999.626709348793, 999.6096513111203, 999.6096537602175, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '28'], [999.626709348793, 999.6108117857334, 999.6108133307771, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '29'], [999.626709348793, 999.6111346549667, 999.6111363925659, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '30'], [999.626709348793, 999.6147671741179, 999.6147683217918, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '31'], [999.626709348793, 999.6114794910137, 999.6114810230346, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '32'], [999.626709348793, 999.6120517474159, 999.6120532202416, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '33'], [999.626709348793, 999.6125974239445, 999.612599102546, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '34'], [999.626709348793, 999.6154037267249, 999.6154047013353, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '35'], [999.626709348793, 999.6160032545366, 999.6160048842509, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '36'], [999.626709348793, 999.6084902442801, 999.6084925560923, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '37'], [999.626709348793, 999.6098930449683, 999.6098950522912, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '38'], [999.626709348793, 999.6086930975048, 999.6086949391416, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '39'], [999.626709348793, 999.601522809412, 999.6015256001723, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '40'], [999.626709348793, 999.6222342580816, 999.6222346493275, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '41'], [999.626709348793, 999.6120539345734, 999.612055814256, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '42'], [999.626709348793, 999.6189478331321, 999.6189485343983, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '43'], [999.626709348793, 999.6053104507777, 999.6053126692973, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '44'], [999.626709348793, 999.6169301841524, 999.6169312887644, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '45'], [999.626709348793, 999.610156151662, 999.6101575916517, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '46'], [999.626709348793, 999.6150417349688, 999.6150430664613, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '47'], [999.626709348793, 999.6204192517638, 999.6204197113783, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '48'], [999.626709348793, 999.615750007058, 999.6157511602003, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '49'], [999.626709348793, 999.6153009822011, 999.6153023029702, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '50'], [999.626709348793, 999.6164080694319, 999.6164093101913, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '51'], [999.626709348793, 999.6054807520136, 999.6054828048981, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '52'], [999.626709348793, 999.6217096855383, 999.6217099459266, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '53'], [999.626709348793, 999.6132533377457, 999.6132548292835, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '54'], [999.626709348793, 999.6192470793092, 999.619247806501, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '55'], [999.626709348793, 999.6152051893547, 999.6152061374441, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '56'], [999.626709348793, 999.6156118192989, 999.6156129553975, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '57'], [999.626709348793, 999.610468173782, 999.6104699030492, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '58'], [999.626709348793, 999.6127102495084, 999.6127117932386, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '59'], [999.626709348793, 999.6133591413316, 999.6133603391606, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '60'], [999.626709348793, 999.602743542027, 999.6027461806825, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '61'], [999.626709348793, 999.6178734010915, 999.6178739611486, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '62'], [999.626709348793, 999.6167058593634, 999.6167067966601, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '63'], [999.626709348793, 999.6226174513582, 999.6226177152438, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '64'], [999.626709348793, 999.6061012324419, 999.6061038060045, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '65'], [999.626709348793, 999.6204323584155, 999.6204332707285, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '66'], [999.626709348793, 999.6237578204142, 999.6237580394618, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '67'], [999.626709348793, 999.6214763391577, 999.6214767935859, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '68'], [999.626709348793, 999.6064863914991, 999.6064884901524, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '69'], [999.626709348793, 999.6113272863789, 999.6113290390498, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '70'], [999.626709348793, 999.614134205951, 999.6141356114676, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '71'], [999.626709348793, 999.6121444508373, 999.6121460372478, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '72'], [999.626709348793, 999.6124285814491, 999.6124299171637, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '73'], [999.626709348793, 999.6175222604408, 999.6175231035719, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '74'], [999.626709348793, 999.6145842358806, 999.614585163608, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '75'], [999.626709348793, 999.62284117933, 999.6228414197833, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '76'], [999.626709348793, 999.6160997206206, 999.6161009434151, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '77'], [999.626709348793, 999.6116281329829, 999.6116297723155, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '78'], [999.626709348793, 999.6081778081497, 999.6081799051153, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '79'], [999.626709348793, 999.6215056268172, 999.6215060955655, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '80'], [999.626709348793, 999.614081831227, 999.6140831130225, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '81'], [999.626709348793, 999.6235941207342, 999.6235943675056, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '82'], [999.626709348793, 999.6129031965633, 999.6129047201582, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '83'], [999.626709348793, 999.6154134970661, 999.6154144808215, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '84'], [999.626709348793, 999.6171775419364, 999.6171786086151, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '85'], [999.626709348793, 999.6142782356012, 999.6142795752808, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '86'], [999.626709348793, 999.6122319894063, 999.6122337223657, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '87'], [999.626709348793, 999.6177942414605, 999.6177952759339, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '88'], [999.626709348793, 999.6178405195295, 999.6178412736446, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '89'], [999.626709348793, 999.6062023368598, 999.6062048842774, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '90'], [999.626709348793, 999.604834299772, 999.6048365735091, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '91'], [999.626709348793, 999.621604600732, 999.6216048659344, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '92'], [999.626709348793, 999.6126527628975, 999.6126543597961, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '93'], [999.626709348793, 999.6135340587637, 999.6135350804085, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '94'], [999.626709348793, 999.6244482304767, 999.6244483794668, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '95'], [999.626709348793, 999.612499140036, 999.6125003765609, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '96'], [999.626709348793, 999.6084676078588, 999.6084695049361, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '97'], [999.626709348793, 999.6042950939839, 999.6042977569153, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '98'], [999.626709348793, 999.6161389070907, 999.6161401522883, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '99'], [999.626709348793, 999.6172363292594, 999.6172375151533, '1011.1001111011111111111111', '11101.001010111001111111111111', '26', '100']]], [[[999.9894908257577, 999.7466044342224, 999.7466284478655, '10.000101111010010000001111011', '-11.1011001011110010101001011', '27', '1'], [999.9897809483156, 999.9613075271301, 999.9613148353652, '10.000101111010010000001111011', '-11.1011000011110010010011011', '27', '2'], [999.9902821533587, 999.9692730189518, 999.9692782854514, '10.000111111011010000001111011', '-11.1011000011110010010011011', '27', '3'], [999.9902840896559, 999.9840949945262, 999.984095957177, '10.000111111011010000001111010', '-11.1011000001110011010011011', '27', '4'], [999.9902840898653, 999.9769546669539, 999.9769583987768, '10.000111111011010000001111010', '-11.1011000001110011110011011', '27', '5'], [999.9902840901156, 999.9704670923761, 999.9704700624861, '10.000111111011000000001111010', '-11.1011000001110001110011011', '27', '6'], [999.9902840901157, 999.9650155024248, 999.9650217910873, '10.000111111011000000001111011', '-11.1011000001110001110011011', '27', '7'], [999.9902840901225, 999.9781686722312, 999.9781720169293, '10.000111111011000001001111010', '-11.1011000001110001110011010', '27', '8'], [999.9902840901225, 999.9557264928578, 999.9557347409929, '10.000111111011000001001111110', '-11.1011000001110001110011010', '27', '9'], [999.9902840901225, 999.9724723092368, 999.9724755482075, '10.000111111011000001001111111', '-11.1011000001110001110011010', '27', '10'], [999.9902840901225, 999.979655625253, 999.9796576721724, '10.000111111011000001001111111', '-11.1011000001110001110011110', '27', '11'], [999.9902840901225, 999.9821697513138, 999.9821712284788, '10.000111111011000001001111111', '-11.1011000001110001110011110', '27', '12'], [999.9902840901225, 999.9826790804542, 999.9826814586437, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '13'], [999.9902840901225, 999.9862126090495, 999.9862132338752, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '14'], [999.9902840901225, 999.9589315938242, 999.9589382062921, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '15'], [999.9902840901225, 999.970051576727, 999.9700573051333, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '16'], [999.9902840901225, 999.9592371373946, 999.9592450476849, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '17'], [999.9902840901225, 999.9724506941774, 999.9724541534173, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '18'], [999.9902840901225, 999.9782160174218, 999.9782181637631, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '19'], [999.9902840901225, 999.9834991891297, 999.9834999486867, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '20'], [999.9902840901225, 999.9838193132185, 999.9838200158493, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '21'], [999.9902840901225, 999.9763600956779, 999.9763632200571, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '22'], [999.9902840901225, 999.9666286256045, 999.9666348760942, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '23'], [999.9902840901225, 999.957663009633, 999.9576718831323, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '24'], [999.9902840901225, 999.9799235202612, 999.9799258995786, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '25'], [999.9902840901225, 999.9600896300834, 999.9600975266271, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '26'], [999.9902840901225, 999.9762206193799, 999.9762244069437, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '27'], [999.9902840901225, 999.9725588535616, 999.9725628967416, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '28'], [999.9902840901225, 999.9750759549312, 999.9750795615565, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '29'], [999.9902840901225, 999.9712340909816, 999.9712385032047, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '30'], [999.9902840901225, 999.9783697704969, 999.9783715789587, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '31'], [999.9902840901225, 999.9779393500808, 999.9779423774183, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '32'], [999.9902840901225, 999.9771327064586, 999.9771362426355, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '33'], [999.9902840901225, 999.9747990957403, 999.9748030167217, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '34'], [999.9902840901225, 999.9788410295479, 999.9788443723622, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '35'], [999.9902840901225, 999.9747379784435, 999.9747417053483, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '36'], [999.9902840901225, 999.9797069220856, 999.9797094773345, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '37'], [999.9902840901225, 999.9751227966564, 999.9751254965995, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '38'], [999.9902840901225, 999.9687703396906, 999.9687758067934, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '39'], [999.9902840901225, 999.9743336489773, 999.9743372546035, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '40'], [999.9902840901225, 999.9787567331846, 999.9787591934445, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '41'], [999.9902840901225, 999.9755765241008, 999.9755803352177, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '42'], [999.9902840901225, 999.9776151780547, 999.9776176947431, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '43'], [999.9902840901225, 999.9755741951564, 999.9755779869432, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '44'], [999.9902840901225, 999.9686937077505, 999.9686977450154, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '45'], [999.9902840901225, 999.9687990158725, 999.9688023823496, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '46'], [999.9902840901225, 999.9889133714684, 999.9889134431517, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '47'], [999.9902840901225, 999.969201643876, 999.9692061978541, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '48'], [999.9902840901225, 999.9842756718205, 999.9842770746748, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '49'], [999.9902840901225, 999.9756979192647, 999.975700940225, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '50'], [999.9902840901225, 999.9854987331742, 999.9854989924584, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '51'], [999.9902840901225, 999.9733101354802, 999.9733129610394, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '52'], [999.9902840901225, 999.9615874218788, 999.9615940721951, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '53'], [999.9902840901225, 999.9686884982007, 999.968694613987, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '54'], [999.9902840901225, 999.9838166955794, 999.9838174511361, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '55'], [999.9902840901225, 999.9695602185419, 999.9695638159859, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '56'], [999.9902840901225, 999.9829546875274, 999.9829559165684, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '57'], [999.9902840901225, 999.9721631818937, 999.9721656048757, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '58'], [999.9902840901225, 999.986488320014, 999.9864885514652, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '59'], [999.9902840901225, 999.9653343193553, 999.9653393726483, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '60'], [999.9902840901225, 999.9583885462386, 999.9583964888492, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '61'], [999.9902840901225, 999.9873749545161, 999.9873750992953, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '62'], [999.9902840901225, 999.9637441981832, 999.9637520735846, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '63'], [999.9902840901225, 999.9767116535769, 999.9767145620558, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '64'], [999.9902840901225, 999.9761430343159, 999.9761469652777, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '65'], [999.9902840901225, 999.9644842510683, 999.9644892151088, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '66'], [999.9902840901225, 999.9690698111399, 999.9690749913615, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '67'], [999.9902840901225, 999.9877751822393, 999.9877752892479, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '68'], [999.9902840901225, 999.9717206810357, 999.9717238767196, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '69'], [999.9902840901225, 999.9725906461027, 999.9725941458696, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '70'], [999.9902840901225, 999.9720410956902, 999.9720450026848, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '71'], [999.9902840901225, 999.9554324844993, 999.955441090383, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '72'], [999.9902840901225, 999.9892895471204, 999.9892895600383, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '73'], [999.9902840901225, 999.9763634964471, 999.9763672868629, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '74'], [999.9902840901225, 999.981647702473, 999.9816485902785, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '75'], [999.9902840901225, 999.9779265464748, 999.9779286701323, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '76'], [999.9902840901225, 999.9736480567415, 999.9736508375858, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '77'], [999.9902840901225, 999.9618072654442, 999.9618132114224, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '78'], [999.9902840901225, 999.9718964400859, 999.9719011708619, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '79'], [999.9902840901225, 999.9859806476206, 999.9859809001864, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '80'], [999.9902840901225, 999.9659726054315, 999.9659788314082, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '81'], [999.9902840901225, 999.9833243022238, 999.9833250958719, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '82'], [999.9902840901225, 999.9737974113175, 999.9738006478304, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '83'], [999.9902840901225, 999.9627569982675, 999.9627632241005, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '84'], [999.9902840901225, 999.9570830672805, 999.9570910767444, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '85'], [999.9902840901225, 999.976056406115, 999.9760593702682, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '86'], [999.9902840901225, 999.9639412821207, 999.9639467698335, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '87'], [999.9902840901225, 999.9667586693143, 999.9667662332878, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '88'], [999.9902840901225, 999.9654712916501, 999.965477596535, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '89'], [999.9902840901225, 999.9571372033996, 999.9571454953436, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '90'], [999.9902840901225, 999.9783389352497, 999.9783407107307, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '91'], [999.9902840901225, 999.9711353464035, 999.9711398801501, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '92'], [999.9902840901225, 999.977098284479, 999.9771020183995, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '93'], [999.9902840901225, 999.9701747453623, 999.9701798009648, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '94'], [999.9902840901225, 999.9575727423394, 999.9575816293517, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '95'], [999.9902840901225, 999.9677635128756, 999.9677693061146, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '96'], [999.9902840901225, 999.9699986189388, 999.9700034812936, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '97'], [999.9902840901225, 999.9755304036423, 999.9755330532317, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '98'], [999.9902840901225, 999.972964174757, 999.9729669315911, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '99'], [999.9902840901225, 999.9831119942271, 999.9831134832924, '10.000111111011000001001111111', '-11.1011000001110001110011111', '27', '100']]], [[[999.6875732033711, 999.6149614752087, 999.614966031405, '-11000.11101000010000001111011', '-1010.00001011110010101001011', '28', '1'], [999.7925207994617, 999.670399141398, 999.6704014191757, '-01000.11101000001001110001011', '-1010.00001011110010101001101', '28', '2'], [999.8190123194316, 999.7165501164936, 999.7165560285893, '-01001.11101000001001110001011', '-1010.00001011110010101001101', '28', '3'], [999.8638815030525, 999.7828151218241, 999.7828239861702, '-01001.11101000001001110001011', '-1010.10001011110010101001101', '28', '4'], [999.8708846292717, 999.8419565836359, 999.8419624322082, '-01001.10101000001001110001011', '-1010.10001011110010101001101', '28', '5'], [999.8730093683577, 999.8560951650016, 999.8560973781296, '-01001.10111000001001110001011', '-1010.10001111110010101001101', '28', '6'], [999.9212246277306, 999.8232195040495, 999.8232339832839, '-00001.10111000001001110001011', '-1010.10001111110010101001101', '28', '7'], [999.9212461257137, 999.8591948727932, 999.8592030684039, '-00001.10111000001001110001111', '-1010.10001111111010101001101', '28', '8'], [999.9212760693865, 999.869570327968, 999.8695849260429, '-00001.10111100001001110001111', '-1010.10001111111110101001101', '28', '9'], [999.9212806814156, 999.8905855200974, 999.8905947959737, '-00001.10111101001001110001111', '-1010.10001111111110101001101', '28', '10'], [999.9214221639286, 999.9117204728238, 999.9117224764351, '-00001.11111101001001110001111', '-1010.10001111111110101001101', '28', '11'], [999.9214227162189, 999.9087730993145, 999.9087760354514, '-00001.11111101001001110001111', '-1010.10001111111110111001101', '28', '12'], [999.9214228542302, 999.8790233915391, 999.8790360037187, '-00001.11111101001001110001111', '-1010.10001111111110111101101', '28', '13'], [999.9214249214571, 999.9042691463987, 999.9042749281921, '-00001.11111101001001110001111', '-1010.10001111111111111001101', '28', '14'], [999.921425136935, 999.9020420469752, 999.902047354162, '-00001.11111111001001110001111', '-1010.10001111111111111001101', '28', '15'], [999.9214252745156, 999.8912208948532, 999.891229802677, '-00001.11111111001001110001111', '-1010.10001111111111111101101', '28', '16'], [999.9214253432968, 999.8651661663233, 999.8651828117489, '-00001.11111111001001110001111', '-1010.10001111111111111111101', '28', '17'], [999.9214253538231, 999.883763677875, 999.8837744612579, '-00001.11111111011001110001111', '-1010.10001111111111111111101', '28', '18'], [999.9214253639441, 999.9068149103226, 999.9068193826434, '-00001.11111111111001110001111', '-1010.10001111111111111111101', '28', '19'], [999.9214253725411, 999.8949990047082, 999.8950063080963, '-00001.11111111111001110001111', '-1010.10001111111111111111111', '28', '20'], [999.9214253727814, 999.9003387466703, 999.9003443387977, '-00001.11111111111101110001111', '-1010.10001111111111111111111', '28', '21'], [999.9214253728161, 999.8887859424435, 999.8887979969393, '-00001.11111111111111110001111', '-1010.10001111111111111111111', '28', '22'], [999.9214253728164, 999.8948238098204, 999.8948328547016, '-00001.11111111111111111001111', '-1010.10001111111111111111111', '28', '23'], [999.9214253728164, 999.9058372133148, 999.905840423677, '-00001.11111111111111111101111', '-1010.10001111111111111111111', '28', '24'], [999.9214253728164, 999.8957090690608, 999.8957149586632, '-00001.11111111111111111101111', '-1010.10001111111111111111111', '28', '25'], [999.9214253728164, 999.9016556299857, 999.9016610938356, '-00001.11111111111111111101111', '-1010.10001111111111111111111', '28', '26'], [999.9214253728164, 999.9086338884762, 999.9086362282011, '-00001.11111111111111111101111', '-1010.10001111111111111111111', '28', '27'], [999.9214253728164, 999.8945081352042, 999.8945135159499, '-00001.11111111111111111101111', '-1010.10001111111111111111111', '28', '28'], [999.9214253728164, 999.8860427219886, 999.8860556541149, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '29'], [999.9214253728164, 999.8963830108488, 999.8963913282445, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '30'], [999.9214253728164, 999.8881176043054, 999.8881285269856, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '31'], [999.9214253728164, 999.8850275880752, 999.8850376994662, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '32'], [999.9214253728164, 999.9166666970233, 999.9166671221984, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '33'], [999.9214253728164, 999.8931361595851, 999.8931433381753, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '34'], [999.9214253728164, 999.8963191105289, 999.8963255908262, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '35'], [999.9214253728164, 999.875284091918, 999.8752976226147, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '36'], [999.9214253728164, 999.8878408781675, 999.8878499571452, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '37'], [999.9214253728164, 999.884940072484, 999.8849497353481, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '38'], [999.9214253728164, 999.8963473175943, 999.8963544698178, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '39'], [999.9214253728164, 999.9095484991201, 999.9095506772738, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '40'], [999.9214253728164, 999.8928434209374, 999.8928521026224, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '41'], [999.9214253728164, 999.8892462448061, 999.8892564523912, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '42'], [999.9214253728164, 999.8797051415842, 999.8797184177803, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '43'], [999.9214253728164, 999.8744519361414, 999.8744672255821, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '44'], [999.9214253728164, 999.8997931705402, 999.8997987912367, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '45'], [999.9214253728164, 999.8840982794048, 999.8841081209073, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '46'], [999.9214253728164, 999.8819397172006, 999.8819501476687, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '47'], [999.9214253728164, 999.877372618157, 999.8773846654937, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '48'], [999.9214253728164, 999.8831659404023, 999.8831763071306, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '49'], [999.9214253728164, 999.9069082675338, 999.9069120003281, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '50'], [999.9214253728164, 999.8782654089028, 999.8782788597596, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '51'], [999.9214253728164, 999.898933652871, 999.8989381064184, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '52'], [999.9214253728164, 999.8880558219018, 999.8880647607964, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '53'], [999.9214253728164, 999.8969621716635, 999.896969175095, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '54'], [999.9214253728164, 999.9075574314525, 999.907561805999, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '55'], [999.9214253728164, 999.8783084386242, 999.8783210910195, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '56'], [999.9214253728164, 999.8941979810792, 999.8942045699708, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '57'], [999.9214253728164, 999.8894473801731, 999.8894548261078, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '58'], [999.9214253728164, 999.8873966185529, 999.8874049500273, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '59'], [999.9214253728164, 999.8901860481902, 999.8901941068755, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '60'], [999.9214253728164, 999.899349548259, 999.8993558026092, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '61'], [999.9214253728164, 999.8942294254007, 999.8942399775333, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '62'], [999.9214253728164, 999.8705466907618, 999.870563621304, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '63'], [999.9214253728164, 999.8964569713115, 999.8964620035384, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '64'], [999.9214253728164, 999.9026923951508, 999.9026957056144, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '65'], [999.9214253728164, 999.864657183607, 999.8646723844004, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '66'], [999.9214253728164, 999.9070407488061, 999.9070438522963, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '67'], [999.9214253728164, 999.9057170972624, 999.90572225162, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '68'], [999.9214253728164, 999.8870886237783, 999.8870987316149, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '69'], [999.9214253728164, 999.901706673621, 999.9017103032693, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '70'], [999.9214253728164, 999.904250092426, 999.9042547475914, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '71'], [999.9214253728164, 999.877555328332, 999.877569221044, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '72'], [999.9214253728164, 999.8894260979415, 999.8894328129531, '-00001.11111111111111111111111', '-1010.10001111111111111111111', '28', '73'], [999.9216881695139, 999.898458832068, 999.8984657192466, '-00000.11111111111111111111111', '-1010.10011111111111111111111', '28', '74'], [999.9216886957823, 999.8771567133005, 999.8771675764265, '-00000.11111111111011111111111', '-1010.10011111111111111111111', '28', '75'], [999.9218106777191, 999.8877817207921, 999.8877898681019, '-00000.11011111111011111111111', '-1010.10011111111111111111111', '28', '76'], [999.9218106879775, 999.8929712049973, 999.8929809783439, '-00000.11011111111011111111111', '-1010.10011111111111101111111', '28', '77'], [999.9218108103927, 999.8960769290254, 999.8960843862002, '-00000.11011111111011111111111', '-1010.10011111110111101111111', '28', '78'], [999.9218108163765, 999.8897819218963, 999.8897904625155, '-00000.11011111111011111110111', '-1010.10011111111001111110111', '28', '79'], [999.9218108177454, 999.8915751060767, 999.8915843723597, '-00000.11011111111011111110111', '-1010.10011111111001011110111', '28', '80'], [999.9218108178083, 999.8790471951734, 999.8790611940306, '-00000.11011111111001111110111', '-1010.10011111111000111110111', '28', '81'], [999.9218108178216, 999.9115096776023, 999.9115116239824, '-00000.11011111111001111100111', '-1010.10011111111000111111111', '28', '82'], [999.9218108178457, 999.8890493655406, 999.8890597806181, '-00000.11011111111001011100111', '-1010.10011111111000111111111', '28', '83'], [999.9218108178521, 999.9208124116271, 999.9208124271295, '-00000.11011111111001001100111', '-1010.10011111111000111111110', '28', '84'], [999.9218108178526, 999.8912419913054, 999.8912518307134, '-00000.11011111111001001100111', '-1010.10011111111000111111111', '28', '85'], [999.9218108178547, 999.8800208190783, 999.8800343942714, '-00000.11011111111001000100111', '-1010.10011111111000111111111', '28', '86'], [999.9218108178555, 999.8800053917323, 999.8800201195512, '-00000.11011111111001000000111', '-1010.10011111111000111111111', '28', '87'], [999.9218108178557, 999.8915324876684, 999.8915398059959, '-00000.11011111111001000000011', '-1010.10011111111000111111111', '28', '88'], [999.9218108178557, 999.903832220466, 999.9038358185088, '-00000.11011111111001000000011', '-1010.10011111111000111111111', '28', '89'], [999.9218108178557, 999.8921872505584, 999.8921960218096, '-00000.11011111111001000000011', '-1010.10011111111000111111111', '28', '90'], [999.9218108178557, 999.8903381114171, 999.8903468336281, '-00000.11011111111001000000011', '-1010.10011111111000111111111', '28', '91'], [999.9218108178557, 999.8908965560236, 999.8909063988492, '-00000.11011111111001000000011', '-1010.10011111111000111111111', '28', '92'], [999.9218108178557, 999.8932281097209, 999.8932360736143, '-00000.11011111111001000000011', '-1010.10011111111000111111111', '28', '93'], [999.9218108178557, 999.9044241675452, 999.904429479278, '-00000.11011111111001000000011', '-1010.10011111111000111111111', '28', '94'], [999.9218108178557, 999.9216663476409, 999.9216663484873, '-00000.11011111111001000000011', '-1010.10011111111000111111111', '28', '95'], [999.9218108178557, 999.884551471368, 999.8845636691259, '-00000.11011111111001000000011', '-1010.10011111111000111111111', '28', '96'], [999.9218108178557, 999.8970646262097, 999.8970707099546, '-00000.11011111111001000000011', '-1010.10011111111000111111111', '28', '97'], [999.9218108178557, 999.9004965140729, 999.9005023671976, '-00000.11011111111001000000011', '-1010.10011111111000111111111', '28', '98'], [999.9218108178557, 999.903309524417, 999.9033141217805, '-00000.11011111111001000000011', '-1010.10011111111000111111111', '28', '99'], [999.9218108178557, 999.9055157910866, 999.9055210637774, '-00000.11011111111001000000011', '-1010.10011111111000111111111', '28', '100']]], [[[999.8730094325562, 999.834090769884, 999.8340919988584, '-10.110011101000011101101011', '-1101.1000000001000100101', '29', '1'], [999.8912221116514, 999.8262619750105, 999.8262739541764, '010.110011101000011101101011', '0.00111001001001000100101', '29', '2'], [999.9171402861924, 999.8616870866734, 999.8616904874273, '010.11000100111101010001101', '0.101110010011010000111000000', '29', '3'], [999.9664420892865, 999.8745743406819, 999.8745812285104, '010.11001110111101010001101', '1.101110010011010000111000000', '29', '4'], [999.987440394198, 999.9445904897506, 999.9445940681481, '010.10001110111101010001101', '1.101110010010010011111000000', '29', '5'], [999.9902813439035, 999.9408429336505, 999.940847093673, '010.10011110111101010001101', '1.101110010011010011111000000', '29', '6'], [999.9902840522881, 999.9719849914567, 999.9719906174863, '010.10011110111101010001101', '1.101110011110010011111000000', '29', '7'], [999.9902840863467, 999.9427436227436, 999.9427594529042, '010.10011110111101010001101', '1.101110011111010011111000100', '29', '8'], [999.9902840893451, 999.9849267774348, 999.9849273304242, '010.10011110111101110001101', '1.101110011111010111111000100', '29', '9'], [999.9902840899434, 999.9564979167702, 999.9565095275168, '010.10011110111101010001101', '1.101110011111110111111000000', '29', '10'], [999.9902840900968, 999.9661620509829, 999.966170781754, '010.10011110111101010001101', '1.101110011111110011111000000', '29', '11'], [999.9902840900968, 999.9525987875104, 999.9526126378152, '010.10011110111101010001101', '1.101110011111110011111000001', '29', '12'], [999.9902840901062, 999.9617496581534, 999.9617579205511, '010.10011110111101010001101', '1.101110011111110011011000001', '29', '13'], [999.9902840901217, 999.9708609884644, 999.9708671983515, '010.10011110111101010001101', '1.101110011111110001111000001', '29', '14'], [999.9902840901225, 999.9669244099845, 999.9669308212783, '010.10011110111101010001101', '1.101110011111110001011000001', '29', '15'], [999.9902840901225, 999.9679229815333, 999.9679284919994, '010.10011110111101010001111', '1.101110011111110001011000001', '29', '16'], [999.9902840901225, 999.9662454136777, 999.9662505083553, '010.10011110111101010001111', '1.101110011111110001011100001', '29', '17'], [999.9902840901225, 999.9567154208873, 999.9567238983432, '010.10011110111101010001111', '1.101110011111110001011100001', '29', '18'], [999.9902840901225, 999.9760675529337, 999.9760719691164, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '19'], [999.9902840901225, 999.9878972438445, 999.9878973750631, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '20'], [999.9902840901225, 999.9796013025245, 999.9796031724852, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '21'], [999.9902840901225, 999.9592435389595, 999.9592540102783, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '22'], [999.9902840901225, 999.9689507511403, 999.9689561362628, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '23'], [999.9902840901225, 999.9697051529024, 999.9697102012376, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '24'], [999.9902840901225, 999.9825268087114, 999.9825274922173, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '25'], [999.9902840901225, 999.9811014613084, 999.9811033027062, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '26'], [999.9902840901225, 999.9768040846, 999.9768085047862, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '27'], [999.9902840901225, 999.9718992173846, 999.9719051536024, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '28'], [999.9902840901225, 999.96804166238, 999.9680468672803, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '29'], [999.9902840901225, 999.9742190839477, 999.974221446115, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '30'], [999.9902840901225, 999.9463748303542, 999.9463906514409, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '31'], [999.9902840901225, 999.9656220868636, 999.9656308340916, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '32'], [999.9902840901225, 999.9746981379737, 999.9747005835395, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '33'], [999.9902840901225, 999.9667743322839, 999.9667795649424, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '34'], [999.9902840901225, 999.9890766375545, 999.9890766635374, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '35'], [999.9902840901225, 999.9739377839205, 999.9739405107647, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '36'], [999.9902840901225, 999.9766258887718, 999.9766304732904, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '37'], [999.9902840901225, 999.973890931632, 999.9738958357116, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '38'], [999.9902840901225, 999.9900031077063, 999.990003109839, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '39'], [999.9902840901225, 999.946906317053, 999.9469207252943, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '40'], [999.9902840901225, 999.9731339067768, 999.9731397468142, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '41'], [999.9902840901225, 999.9736826918867, 999.9736876614726, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '42'], [999.9902840901225, 999.9755558316044, 999.9755603146258, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '43'], [999.9902840901225, 999.9780671271537, 999.9780717016235, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '44'], [999.9902840901225, 999.9761423672902, 999.9761467635427, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '45'], [999.9902840901225, 999.9785234332776, 999.9785254876753, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '46'], [999.9902840901225, 999.9788753065351, 999.9788774516697, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '47'], [999.9902840901225, 999.980536308036, 999.9805381614832, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '48'], [999.9902840901225, 999.9745273217802, 999.9745309180825, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '49'], [999.9902840901225, 999.988760702587, 999.9887607317091, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '50'], [999.9902840901225, 999.9639170724113, 999.9639261444021, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '51'], [999.9902840901225, 999.9718909681532, 999.9718970915538, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '52'], [999.9902840901225, 999.9769948319793, 999.9769994137565, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '53'], [999.9902840901225, 999.9661037847635, 999.966109387857, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '54'], [999.9902840901225, 999.9752720572266, 999.9752736450747, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '55'], [999.9902840901225, 999.9534293404524, 999.9534432243213, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '56'], [999.9902840901225, 999.9686596705847, 999.9686638333185, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '57'], [999.9902840901225, 999.9837177951962, 999.9837194268392, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '58'], [999.9902840901225, 999.9878620032374, 999.9878620513763, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '59'], [999.9902840901225, 999.9851597463578, 999.9851602777056, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '60'], [999.9902840901225, 999.9869631813058, 999.9869634243619, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '61'], [999.9902840901225, 999.9710043701177, 999.9710092987958, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '62'], [999.9902840901225, 999.9755127288363, 999.9755160526644, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '63'], [999.9902840901225, 999.9612517454163, 999.9612616986387, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '64'], [999.9902840901225, 999.974584089406, 999.9745890548272, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '65'], [999.9902840901225, 999.9808838505219, 999.9808848298817, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '66'], [999.9902840901225, 999.9722646023323, 999.9722707236921, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '67'], [999.9902840901225, 999.9810248758305, 999.9810267535348, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '68'], [999.9902840901225, 999.9720387657167, 999.9720440465455, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '69'], [999.9902840901225, 999.9779809070791, 999.9779851975088, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '70'], [999.9902840901225, 999.9757548096121, 999.9757595037065, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '71'], [999.9902840901225, 999.9840634713852, 999.9840650958885, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '72'], [999.9902840901225, 999.9855105185327, 999.9855108022076, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '73'], [999.9902840901225, 999.9863512598571, 999.9863515174221, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '74'], [999.9902840901225, 999.9560404942579, 999.956050620163, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '75'], [999.9902840901225, 999.9738023652204, 999.9738082050145, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '76'], [999.9902840901225, 999.9785212528362, 999.9785226134195, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '77'], [999.9902840901225, 999.9500349166779, 999.9500476572294, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '78'], [999.9902840901225, 999.9660069138048, 999.96601552606, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '79'], [999.9902840901225, 999.9740044914515, 999.9740102532274, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '80'], [999.9902840901225, 999.9743605786354, 999.9743653637952, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '81'], [999.9902840901225, 999.9804132138303, 999.9804174010376, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '82'], [999.9902840901225, 999.9777790162954, 999.9777812544801, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '83'], [999.9902840901225, 999.9653966250048, 999.9654052030205, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '84'], [999.9902840901225, 999.97822254477, 999.9782268347274, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '85'], [999.9902840901225, 999.977507120185, 999.9775114396352, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '86'], [999.9902840901225, 999.9864149281874, 999.986415163591, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '87'], [999.9902840901225, 999.972653071745, 999.9726578289464, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '88'], [999.9902840901225, 999.9737350364907, 999.973737665631, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '89'], [999.9902840901225, 999.9751949130892, 999.9751982312571, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '90'], [999.9902840901225, 999.9664793550924, 999.9664867295921, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '91'], [999.9902840901225, 999.9784143341446, 999.9784186253725, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '92'], [999.9902840901225, 999.986237475253, 999.9862377441277, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '93'], [999.9902840901225, 999.966538036385, 999.9665465799092, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '94'], [999.9902840901225, 999.9674823028638, 999.967488885313, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '95'], [999.9902840901225, 999.9783605466827, 999.9783648600929, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '96'], [999.9902840901225, 999.9826047124116, 999.9826064373921, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '97'], [999.9902840901225, 999.9711516141426, 999.9711567890561, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '98'], [999.9902840901225, 999.9793154400157, 999.9793196603766, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '99'], [999.9902840901225, 999.9628498408539, 999.9628578236471, '010.10011110111101010001111', '1.101110011111110001011101001', '29', '100']]], [[[999.7168961282836, 999.5942414309618, 999.5942433682252, '-1001.01001001010011100111101', '10001.000100001111110011011101', '30', '1'], [999.7329308327849, 999.700237298164, 999.7002396251115, '-1001.01001000010011100111101', '10001.000000010011110011011101', '30', '2'], [999.7662476400749, 999.6994406340526, 999.6994455771744, '-1000.01001000010011100111101', '10001.000100001111110011011111', '30', '3'], [999.7723092628712, 999.7467923273698, 999.7467955825279, '-1000.00001000010011100111101', '10001.000100001111110011011101', '30', '4'], [999.7723092656339, 999.7602912171004, 999.7602924710442, '-1000.00001000010011100001101', '10001.000100001111110011011101', '30', '5'], [999.8014326241134, 999.7355485453551, 999.7355576104426, '-1001.00001000010011100001101', '00001.000100001111110011011101', '30', '6'], [999.8417527021684, 999.724923170283, 999.7249383269132, '-1001.00001000000011100011101', '00001.100100001111110011011101', '30', '7'], [999.8633094363443, 999.8039728650606, 999.8039804801518, '-1001.00001000000011100010101', '00001.110100001111110011011101', '30', '8'], [999.8738781657374, 999.8395391099853, 999.8395453181666, '-1001.00001000000011100010101', '00001.111100001111110011011101', '30', '9'], [999.8797011260115, 999.8325188776093, 999.8325284583887, '-1001.00000100000011100011101', '00001.111100001111110011011101', '30', '10'], [999.8851647990981, 999.8612136614952, 999.8612176576192, '-1001.00000000000011100010100', '00001.111100001111110011011101', '30', '11'], [999.8877087396976, 999.8367458345871, 999.8367595788671, '-1001.00000000000011100010100', '00001.111110011111111011011101', '30', '12'], [999.8888215036303, 999.8650774344752, 999.8650811957756, '-1001.00000000000011100010100', '00001.111111011111110011011111', '30', '13'], [999.8893969460364, 999.8585281228961, 999.8585369982106, '-1001.00000000000010100010100', '00001.111111111111111011011111', '30', '14'], [999.8894066563424, 999.8492426624609, 999.8492547551671, '-1001.00000000000010000010100', '00001.111111111111111011011111', '30', '15'], [999.8894454835468, 999.8724228266307, 999.8724280445017, '-1001.00000000000000000010100', '00001.111111111111111011011111', '30', '16'], [999.889446561755, 999.8447722226036, 999.8447848327653, '-1001.00000000000000000010100', '00001.111111111111111111011111', '30', '17'], [999.8894466965303, 999.8447246660127, 999.8447351739061, '-1001.00000000000000000010100', '00001.111111111111111111111111', '30', '18'], [999.8894468481523, 999.8514587231516, 999.8514698708034, '-1001.00000000000000000010000', '00001.111111111111111111111111', '30', '19'], [999.8894468481523, 999.835553361594, 999.835568548937, '-1001.00000000000000000010000', '00001.111111111111111111111111', '30', '20'], [999.8894468481523, 999.872465988645, 999.8724686472663, '-1001.00000000000000000010000', '00001.111111111111111111111111', '30', '21'], [999.8894468481523, 999.829815384477, 999.8298314555998, '-1001.00000000000000000010000', '00001.111111111111111111111111', '30', '22'], [999.8894468481523, 999.8371306804385, 999.8371436011679, '-1001.00000000000000000010000', '00001.111111111111111111111111', '30', '23'], [999.8894468481523, 999.8615122433403, 999.8615195352, '-1001.00000000000000000010000', '00001.111111111111111111111111', '30', '24'], [999.8894474377901, 999.8530858551412, 999.8530948364506, '-1001.00000000000000000000000', '00001.111111111111111111111011', '30', '25'], [999.8894474546368, 999.8730358291501, 999.8730391397415, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '26'], [999.8894474546368, 999.8484087934518, 999.8484192672364, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '27'], [999.8894474546368, 999.8282893940392, 999.8283056521817, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '28'], [999.8894474546368, 999.8693988110849, 999.8694042476368, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '29'], [999.8894474546368, 999.8546130160439, 999.854621018464, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '30'], [999.8894474546368, 999.840045274374, 999.8400601489025, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '31'], [999.8894474546368, 999.8443884071166, 999.8444015250909, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '32'], [999.8894474546368, 999.8394261017123, 999.8394385200905, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '33'], [999.8894474546368, 999.8728709008814, 999.8728751910384, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '34'], [999.8894474546368, 999.855714188024, 999.855721890824, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '35'], [999.8894474546368, 999.8521764229434, 999.8521857514869, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '36'], [999.8894474546368, 999.8339265795353, 999.8339408842875, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '37'], [999.8894474546368, 999.8516832240442, 999.8516941649801, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '38'], [999.8894474546368, 999.852750585478, 999.8527594654106, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '39'], [999.8894474546368, 999.847275377009, 999.8472879446864, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '40'], [999.8894474546368, 999.8328552254933, 999.8328694091211, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '41'], [999.8894474546368, 999.8539646474544, 999.8539740990332, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '42'], [999.8894474546368, 999.8553221153488, 999.8553316773352, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '43'], [999.8894474546368, 999.8549576176305, 999.8549670910927, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '44'], [999.8894474546368, 999.8698811289535, 999.8698868865957, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '45'], [999.8894474546368, 999.8144006518447, 999.8144226593911, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '46'], [999.8894474546368, 999.8587149881276, 999.8587225617521, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '47'], [999.8894474546368, 999.8414077473088, 999.8414224837176, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '48'], [999.8894474546368, 999.8611444095498, 999.8611508152557, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '49'], [999.8894474546368, 999.8506428984219, 999.8506537804558, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '50'], [999.8894474546368, 999.8641579743303, 999.864163866846, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '51'], [999.8894474546368, 999.8582669684256, 999.8582762027863, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '52'], [999.8894474546368, 999.8713646410692, 999.8713691422317, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '53'], [999.8894474546368, 999.8616383839528, 999.861644484865, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '54'], [999.8894474546368, 999.847291733295, 999.8473030796232, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '55'], [999.8894474546368, 999.8318933776349, 999.8319086338985, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '56'], [999.8894474546368, 999.8478685545197, 999.8478790241993, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '57'], [999.8894474546368, 999.8621998317753, 999.8622051135007, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '58'], [999.8894474546368, 999.8794909586497, 999.8794934676343, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '59'], [999.8894474546368, 999.8704432856239, 999.8704474799102, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '60'], [999.8894474546368, 999.8736916291264, 999.8736935690548, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '61'], [999.8894474546368, 999.8556638708473, 999.8556710351241, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '62'], [999.8894474546368, 999.8377444935369, 999.8377606797849, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '63'], [999.8894474546368, 999.8506555176318, 999.8506668765273, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '64'], [999.8894474546368, 999.828525411044, 999.8285429719504, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '65'], [999.8894474546368, 999.861191111052, 999.8611979140014, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '66'], [999.8894474546368, 999.8594928859426, 999.8594995826562, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '67'], [999.8894474546368, 999.8674769659926, 999.8674829703571, '-1001.00000000000000000000000', '00001.111111111111111111111111', '30', '68'], [999.9214025787427, 999.8618274410027, 999.8618351557905, '-1001.10000000000000000000000', '00011.111111111111111111111111', '30', '69'], [999.9214025787427, 999.7811414827913, 999.7811569296804, '-1001.10000000000000000000000', '00011.111111111111111111111111', '30', '70'], [999.9214025787427, 999.9004836612819, 999.9004893927834, '-1001.10000000000000000000000', '00011.111111111111111111111111', '30', '71'], [999.9214025787427, 999.8828319857232, 999.8828415764036, '-1001.10000000000000000000000', '00011.111111111111111111111111', '30', '72'], [999.9214025787427, 999.8758995869989, 999.8759094748435, '-1001.10000000000000000000000', '00011.111111111111111111111111', '30', '73'], [999.9214025787427, 999.8971760560318, 999.8971816357075, '-1001.10000000000000000000000', '00011.111111111111111111111111', '30', '74'], [999.9214025787427, 999.8775047826285, 999.8775151387639, '-1001.10000000000000000000000', '00011.111111111111111111111111', '30', '75'], [999.9214025787427, 999.8908249707528, 999.890831589717, '-1001.10000000000000000000000', '00011.111111111111111111111111', '30', '76'], [999.9214025787427, 999.875170902612, 999.8751805003543, '-1001.10000000000000000000000', '00011.111111111111111111111111', '30', '77'], [999.9214025787427, 999.8919321021223, 999.8919381124248, '-1001.10000000000000000000000', '00011.111111111111111111111111', '30', '78'], [999.9214025787427, 999.8976015529314, 999.8976057082087, '-1001.10000000000000000000000', '00011.111111111111111111111111', '30', '79'], [999.9214025787427, 999.8933003540631, 999.8933066591485, '-1001.10000000000000000000000', '00011.111111111111111111111111', '30', '80'], [999.9214025787427, 999.8572628827357, 999.8572780311233, '-1001.10000000000000000000000', '00011.111111111111111111111111', '30', '81'], [999.9214025787427, 999.898262168498, 999.898267324991, '-1001.10000000000000000000000', '00011.111111111111111111111111', '30', '82'], [999.9214025787427, 999.890227622935, 999.890234666929, '-1001.10000000000000000000000', '00011.111111111111111111111111', '30', '83'], [999.9214025787427, 999.8935081000038, 999.8935141724197, '-1001.10000000000000000000000', '00011.111111111111111111111111', '30', '84'], [999.9214025787427, 999.8955383363377, 999.8955431026226, '-1001.10000000000000000000000', '00011.111111111111111111111111', '30', '85'], [999.9214025787427, 999.8685108863879, 999.8685228420039, '-1001.10000000000000000000000', '00011.111111111111111111111111', '30', '86'], [999.9214025787427, 999.8935851583079, 999.8935915165739, '-1001.10000000000000000000000', '00011.111111111111111111111111', '30', '87'], [999.9214025787427, 999.8990973419704, 999.899104524391, '-1001.10000000000000000000000', '00011.111111111111111111111111', '30', '88'], [999.9214025787427, 999.8949122505504, 999.8949167250631, '-1001.10000000000000000000000', '00011.111111111111111111111111', '30', '89'], [999.9214025787427, 999.8946544601296, 999.8946598512443, '-1001.10000000000000000000000', '00011.111111111111111111111111', '30', '90'], [999.9214025787427, 999.8932576969074, 999.8932649751814, '-1001.10000000000000000000000', '00011.111111111111111111111111', '30', '91'], [999.9214025787427, 999.892797519535, 999.8928032227685, '-1001.10000000000000000000000', '00011.111111111111111111111111', '30', '92'], [999.9214025787427, 999.8693878892486, 999.8693991778738, '-1001.10000000000000000000000', '00011.111111111111111111111111', '30', '93'], [999.9214025787427, 999.893570530467, 999.8935767211308, '-1001.10000000000000000000000', '00011.111111111111111111111111', '30', '94'], [999.9214025787427, 999.8765943153616, 999.8766031008881, '-1001.10000000000000000000000', '00011.111111111111111111111111', '30', '95'], [999.9214025787427, 999.8945486582674, 999.894556323007, '-1001.10000000000000000000000', '00011.111111111111111111111111', '30', '96'], [999.9214025787427, 999.8814361075052, 999.8814455019356, '-1001.10000000000000000000000', '00011.111111111111111111111111', '30', '97'], [999.9214025787427, 999.9041665772346, 999.9041700908734, '-1001.10000000000000000000000', '00011.111111111111111111111111', '30', '98'], [999.9214025787427, 999.8767438434728, 999.8767546176899, '-1001.10000000000000000000000', '00011.111111111111111111111111', '30', '99'], [999.9214025787427, 999.8991698373701, 999.8991757381698, '-1001.10000000000000000000000', '00011.111111111111111111111111', '30', '100']]], [[[999.7869034696574, 999.6404782365342, 999.6404870377905, '-100.01100010011011110011111', '1011.101010011100111101001000', '31', '1'], [999.7938768279665, 999.7859381461408, 999.7859381687969, '-100.01100010011011110011011', '1011.101011011100001001001000', '31', '2'], [999.8728954344581, 999.7769254090979, 999.7769287866304, '-101.01100010011011110011011', '1011.101010011100001001001000', '31', '3'], [999.8730000155157, 999.8199379935415, 999.8199451319927, '-101.01100110011011110011011', '1011.101011011100001001001000', '31', '4'], [999.8730094380232, 999.8626192046105, 999.8626205823344, '-101.01100100011011110011011', '1011.101011011110001001001000', '31', '5'], [999.8730094811244, 999.8481620828808, 999.848168321401, '-101.01100100011011110011011', '1011.101011011111001001001000', '31', '6'], [999.8730094812603, 999.8420122656477, 999.8420213398144, '-101.01100100011011110011011', '1011.101011011111001101001000', '31', '7'], [999.8730094812606, 999.8622618741529, 999.8622645651237, '-101.01100100011011110011011', '1011.101011011111001101000000', '31', '8'], [999.8730094812606, 999.8482022421165, 999.8482071093465, '-101.01100100011011110011011', '1011.101011011111001101000001', '31', '9'], [999.8730094812607, 999.8426694228073, 999.8426764860949, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '10'], [999.8730094812607, 999.8664922385252, 999.8664925245788, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '11'], [999.8730094812607, 999.8419949555324, 999.8420027452225, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '12'], [999.8730094812607, 999.8453623517723, 999.8453694777926, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '13'], [999.8730094812607, 999.8640009176638, 999.8640021075456, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '14'], [999.8730094812607, 999.8489526576071, 999.848959574524, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '15'], [999.8730094812607, 999.8499989338354, 999.8500033735011, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '16'], [999.8730094812607, 999.8531308984016, 999.8531339796289, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '17'], [999.8730094812607, 999.8666672585001, 999.8666682374215, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '18'], [999.8730094812607, 999.8556659070193, 999.8556704781696, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '19'], [999.8730094812607, 999.8424073766132, 999.8424153897884, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '20'], [999.8730094812607, 999.8644066504137, 999.8644079191289, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '21'], [999.8730094812607, 999.8545496582825, 999.8545541868286, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '22'], [999.8730094812607, 999.8568432934325, 999.8568471464207, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '23'], [999.8730094812607, 999.8524296408958, 999.8524343070544, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '24'], [999.8730094812607, 999.8480544787172, 999.8480614676752, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '25'], [999.8730094812607, 999.8607791824786, 999.8607808920191, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '26'], [999.8730094812607, 999.8147536033686, 999.814767579254, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '27'], [999.8730094812607, 999.855313078098, 999.8553174566077, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '28'], [999.8730094812607, 999.8665819952118, 999.8665822772737, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '29'], [999.8730094812607, 999.858583722629, 999.8585874952978, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '30'], [999.8730094812607, 999.8607044868735, 999.8607066329307, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '31'], [999.8730094812607, 999.8573330949298, 999.8573357738619, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '32'], [999.8730094812607, 999.8514136092057, 999.851417261148, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '33'], [999.8730094812607, 999.865071825769, 999.8650730896803, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '34'], [999.8730094812607, 999.8654821813215, 999.8654834732461, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '35'], [999.8730094812607, 999.8528648672963, 999.852869728727, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '36'], [999.8730094812607, 999.856867385501, 999.8568698679469, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '37'], [999.8730094812607, 999.8580320007837, 999.8580358117688, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '38'], [999.8730094812607, 999.8469412288005, 999.8469469795311, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '39'], [999.8730094812607, 999.8642211627656, 999.8642222317843, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '40'], [999.8730094812607, 999.8392445909121, 999.8392500304295, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '41'], [999.8730094812607, 999.8303306714532, 999.83034252984, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '42'], [999.8730094812607, 999.8560636625634, 999.8560667920897, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '43'], [999.8730094812607, 999.8532687178381, 999.8532718491739, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '44'], [999.8730094812607, 999.8558726955322, 999.8558766509564, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '45'], [999.8730094812607, 999.8658679354071, 999.8658690034163, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '46'], [999.8730094812607, 999.8421029585505, 999.8421088605048, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '47'], [999.8730094812607, 999.8555328677878, 999.8555371630924, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '48'], [999.8730094812607, 999.8641807090812, 999.8641826106224, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '49'], [999.8730094812607, 999.8540786321563, 999.8540817801847, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '50'], [999.8730094812607, 999.8526911125124, 999.8526959579798, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '51'], [999.8730094812607, 999.835443872912, 999.8354538244394, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '52'], [999.8730094812607, 999.8469142513541, 999.8469203257413, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '53'], [999.8730094812607, 999.8462135591508, 999.8462201543239, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '54'], [999.8730094812607, 999.8542455483466, 999.8542489758937, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '55'], [999.8730094812607, 999.8590036553662, 999.8590071065552, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '56'], [999.8730094812607, 999.8582864568058, 999.8582899613303, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '57'], [999.8730094812607, 999.8366491097023, 999.8366571252545, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '58'], [999.8730094812607, 999.8577147428382, 999.857717797913, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '59'], [999.8730094812607, 999.8498070351254, 999.8498129888187, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '60'], [999.8730094812607, 999.8458672438564, 999.8458726033507, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '61'], [999.8730094812607, 999.8599027511938, 999.8599062296374, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '62'], [999.8730094812607, 999.8384957975234, 999.8385022894686, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '63'], [999.8730094812607, 999.8616991091324, 999.8617008357685, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '64'], [999.8730094812607, 999.8427522169052, 999.8427577548583, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '65'], [999.8730094812607, 999.8437271718041, 999.8437340461284, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '66'], [999.8730094812607, 999.8546239484784, 999.8546272633852, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '67'], [999.8730094812607, 999.8543708014564, 999.8543740478235, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '68'], [999.8730094812607, 999.8557849818638, 999.8557895591384, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '69'], [999.8730094812607, 999.854331736491, 999.8543356169189, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '70'], [999.8730094812607, 999.8515722337366, 999.8515771560695, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '71'], [999.8730094812607, 999.872026686737, 999.8720267020777, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '72'], [999.8730094812607, 999.8615804705828, 999.8615820048644, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '73'], [999.8730094812607, 999.862350508432, 999.862351704259, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '74'], [999.8730094812607, 999.8519005949744, 999.8519045938618, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '75'], [999.8730094812607, 999.8371294123266, 999.8371402722786, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '76'], [999.8730094812607, 999.8543333728252, 999.8543387783822, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '77'], [999.8730094812607, 999.8565486239991, 999.8565529117983, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '78'], [999.8730094812607, 999.8660996171841, 999.866100546158, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '79'], [999.8730094812607, 999.8340003988743, 999.8340105757161, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '80'], [999.8730094812607, 999.8589372001995, 999.8589397693987, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '81'], [999.8730094812607, 999.8406993267886, 999.8407057960223, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '82'], [999.8730094812607, 999.8288348069765, 999.8288455065189, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '83'], [999.8730094812607, 999.8435860502524, 999.8435921155645, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '84'], [999.8730094812607, 999.8490958795362, 999.8490995009126, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '85'], [999.8730094812607, 999.856736877644, 999.8567408840983, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '86'], [999.8730094812607, 999.8660674125625, 999.8660684482893, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '87'], [999.8730094812607, 999.8591260091306, 999.8591273843377, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '88'], [999.8730094812607, 999.8583356439281, 999.8583388113348, '-101.01100100011011110011111', '1011.101011011111001101000000', '31', '89'], [999.9319241801738, 999.8531294331266, 999.8531347781038, '-101.00100100011011110011111', '0011.101011011111001101000000', '31', '90'], [999.9619906076302, 999.8848958116131, 999.8848968522102, '-101.00100100011011110011111', '0011.111011011111001101000000', '31', '91'], [999.9627154880797, 999.9447744111883, 999.9447760355822, '-101.00000100011011110011111', '0011.110011011111001101000000', '31', '92'], [999.9627656387497, 999.9483174280804, 999.9483214587698, '-101.00000100011011110011111', '0011.110011111111001101000000', '31', '93'], [999.9627698703536, 999.9266819848169, 999.9266912372809, '-101.00000100001011110011111', '0011.110011111111001101000000', '31', '94'], [999.9627698721475, 999.923250172496, 999.9232620947363, '-101.00000100001011110011011', '0011.110011111111001101000000', '31', '95'], [999.9627703240043, 999.952342230915, 999.9523429220474, '-101.00000100001001110011110', '0011.110011111111001101010000', '31', '96'], [999.9627703790869, 999.9338428342542, 999.9338515775472, '-101.00000100001001100011110', '0011.110011111111001101010000', '31', '97'], [999.9627719958218, 999.9587765805768, 999.9587768072099, '-101.00000100000001100011110', '0011.110011111111001101000000', '31', '98'], [999.9627721818839, 999.9296166991221, 999.9296270262375, '-101.00000100000000100011110', '0011.110011111111001101011000', '31', '99'], [999.9627724519701, 999.9488967468262, 999.9488985397693, '-101.00000100000000100011110', '0011.110011111111101101010000', '31', '100']]], [[[999.8155697951788, 999.5689963851104, 999.5690003666182, '-100.00000100111110110101010', '-1001.00010000111111001111100', '32', '1'], [999.9152042369111, 999.7587012487976, 999.7587079289432, '-100.0000010011111001010000011', '-1001.100100000111100100010011', '32', '2'], [999.9159150824051, 999.8747034352892, 999.8747152645614, '-100.0000000011111011000000011', '-1001.100100001111100100010011', '32', '3'], [999.921192482186, 999.8989380563187, 999.8989420739354, '-100.0000000011111011010000011', '-1001.100000001111100100010011', '32', '4'], [999.9213414334316, 999.9007956688718, 999.9007996906776, '-100.0000000001111011010000011', '-1001.100000000011100100010011', '32', '5'], [999.9213578462471, 999.8902879739741, 999.8902964334607, '-100.0000000000111011010000011', '-1001.100000000011100100010011', '32', '6'], [999.9213834063023, 999.8920957976713, 999.892102202603, '-100.0000000000111011010000011', '-1001.100000000000100100010011', '32', '7'], [999.9213873517606, 999.9059421807837, 999.9059456417614, '-100.0000000000101011010000011', '-1001.100000000000100100010001', '32', '8'], [999.9213952090647, 999.8964327104732, 999.896439007, '-100.0000000000001011010000010', '-1001.100000000000100100000011', '32', '9'], [999.9213998531636, 999.8984627263462, 999.8984678800675, '-100.0000000000001011010000010', '-1001.100000000000000000000011', '32', '10'], [999.9213999136956, 999.878692778253, 999.8787028469492, '-100.0000000000001011000000010', '-1001.100000000000000000000011', '32', '11'], [999.9214000952649, 999.8955024606495, 999.8955081870118, '-100.0000000000001010010000010', '-1001.100000000000000000000011', '32', '12'], [999.9214018483877, 999.8933321646655, 999.893338737614, '-100.0000000000000011000000010', '-1001.100000000000000000000011', '32', '13'], [999.9214020959201, 999.9047442738873, 999.904747937195, '-100.0000000000000010000000010', '-1001.100000000000000000000000', '32', '14'], [999.9214025767393, 999.9110095492038, 999.9110114975924, '-100.0000000000000000000000010', '-1001.100000000000000000000001', '32', '15'], [999.9214025796854, 999.8922566432883, 999.892263989127, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '16'], [999.9214025796854, 999.8824597825919, 999.8824693660254, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '17'], [999.9214025796854, 999.898352538979, 999.8983576225196, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '18'], [999.9214025796854, 999.8760284823131, 999.8760380125805, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '19'], [999.9214025796854, 999.9060192335864, 999.9060225073658, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '20'], [999.9214025796854, 999.9025430265563, 999.9025463801605, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '21'], [999.9214025796854, 999.8890434472426, 999.8890494710753, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '22'], [999.9214025796854, 999.9017865120229, 999.9017910528945, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '23'], [999.9214025796854, 999.8818053064341, 999.8818132388942, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '24'], [999.9214025796854, 999.8861520302434, 999.8861592624911, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '25'], [999.9214025796854, 999.9059008251213, 999.9059040575225, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '26'], [999.9214025796854, 999.9022819321231, 999.9022854985365, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '27'], [999.9214025796854, 999.907609173474, 999.9076123507159, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '28'], [999.9214025796854, 999.892740061358, 999.8927458863617, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '29'], [999.9214025796854, 999.8992283755745, 999.899234758333, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '30'], [999.9214025796854, 999.8964978477602, 999.8965048847946, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '31'], [999.9214025796854, 999.883429856615, 999.8834385232536, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '32'], [999.9214025796854, 999.9028832964038, 999.9028866548557, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '33'], [999.9214025796854, 999.8751113761192, 999.8751242304359, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '34'], [999.9214025796854, 999.8891879010063, 999.8891965921807, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '35'], [999.9214025796854, 999.9075018962518, 999.9075048517769, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '36'], [999.9214025796854, 999.8981576064534, 999.8981636980171, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '37'], [999.9214025796854, 999.8885873073065, 999.8885935546572, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '38'], [999.9214025796854, 999.8800579957226, 999.8800690841606, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '39'], [999.9214025796854, 999.8806523503366, 999.8806622567589, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '40'], [999.9214025796854, 999.9009948986164, 999.900999635752, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '41'], [999.9214025796854, 999.8992917647054, 999.8992972817024, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '42'], [999.9214025796854, 999.8858341383898, 999.8858429018952, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '43'], [999.9214025796854, 999.8837941538263, 999.883805525788, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '44'], [999.9214025796854, 999.8945263394037, 999.894533380868, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '45'], [999.9214025796854, 999.8999616412515, 999.8999670600687, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '46'], [999.9214025796854, 999.8960650971873, 999.8960709811514, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '47'], [999.9214025796854, 999.9069031673885, 999.9069063386773, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '48'], [999.9214025796854, 999.8978768837501, 999.8978818081039, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '49'], [999.9214025796854, 999.8945011861766, 999.8945083373815, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '50'], [999.9214025796854, 999.8649802735343, 999.8649955787945, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '51'], [999.9214025796854, 999.9183098501569, 999.918309994157, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '52'], [999.9214025796854, 999.8999825728514, 999.89998711849, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '53'], [999.9214025796854, 999.8950375314993, 999.8950426097678, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '54'], [999.9214025796854, 999.8977423327171, 999.8977492129354, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '55'], [999.9214025796854, 999.9038639299018, 999.9038681714134, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '56'], [999.9214025796854, 999.9005945047975, 999.9005982052216, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '57'], [999.9214025796854, 999.8965031471519, 999.8965106733777, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '58'], [999.9214025796854, 999.9019966650806, 999.9020023910886, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '59'], [999.9214025796854, 999.8788264769275, 999.8788365069445, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '60'], [999.9214025796854, 999.8799118970185, 999.8799217133571, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '61'], [999.9214025796854, 999.9074868195385, 999.9074897934054, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '62'], [999.9214025796854, 999.9043262431528, 999.9043301359158, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '63'], [999.9214025796854, 999.8684984576536, 999.8685113299127, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '64'], [999.9214025796854, 999.9070696282138, 999.9070729967917, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '65'], [999.9214025796854, 999.8637703350872, 999.8637844132052, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '66'], [999.9214025796854, 999.8896927471266, 999.8897005743727, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '67'], [999.9214025796854, 999.903907922093, 999.9039138332329, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '68'], [999.9214025796854, 999.9034262226317, 999.9034307644949, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '69'], [999.9214025796854, 999.8969142090805, 999.8969216761137, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '70'], [999.9214025796854, 999.887416082658, 999.8874250799797, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '71'], [999.9214025796854, 999.9009893864136, 999.9009929599429, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '72'], [999.9214025796854, 999.9117400183037, 999.9117416839044, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '73'], [999.9214025796854, 999.8938372132303, 999.8938442491348, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '74'], [999.9214025796854, 999.8889215436479, 999.8889306616555, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '75'], [999.9214025796854, 999.8773073487579, 999.8773182027342, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '76'], [999.9214025796854, 999.9011282882717, 999.9011325679797, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '77'], [999.9214025796854, 999.901008516932, 999.901013150481, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '78'], [999.9214025796854, 999.8966235738604, 999.8966286030304, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '79'], [999.9214025796854, 999.9071795385139, 999.9071826929555, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '80'], [999.9214025796854, 999.8819960280025, 999.8820063681629, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '81'], [999.9214025796854, 999.8810695171725, 999.8810807376208, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '82'], [999.9214025796854, 999.9034659744568, 999.903469631821, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '83'], [999.9214025796854, 999.8985504549604, 999.8985550526762, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '84'], [999.9214025796854, 999.9141464829919, 999.9141479534075, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '85'], [999.9214025796854, 999.8780336844538, 999.8780449749496, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '86'], [999.9214025796854, 999.9093130605422, 999.9093161191486, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '87'], [999.9214025796854, 999.8857007607179, 999.8857097547341, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '88'], [999.9214025796854, 999.8863692990645, 999.886379429713, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '89'], [999.9214025796854, 999.8728676241814, 999.8728806513396, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '90'], [999.9214025796854, 999.8642194010755, 999.8642336931581, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '91'], [999.9214025796854, 999.8929881726668, 999.892994342919, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '92'], [999.9214025796854, 999.9120767781528, 999.9120785504161, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '93'], [999.9214025796854, 999.8716378836308, 999.8716492381657, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '94'], [999.9214025796854, 999.8953640596902, 999.8953715937859, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '95'], [999.9214025796854, 999.8998398604044, 999.8998447392762, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '96'], [999.9214025796854, 999.8788057478047, 999.8788168064043, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '97'], [999.9214025796854, 999.8931257602723, 999.893131888371, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '98'], [999.9214025796854, 999.8820431062732, 999.8820521004333, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '99'], [999.9214025796854, 999.8890494709227, 999.8890584953521, '-100.0000000000000000000000000', '-1001.100000000000000000000000', '32', '100']]], [[[999.961043611755, 999.8669209712831, 999.8669220560273, '110.00111010110110110110000', '0.001110010010010100000100100', '33', '1'], [999.9627489132878, 999.9528725611311, 999.9528752832108, '110.00111010110110110110010', '0.101110010010010001000100100', '33', '2'], [999.9627739577542, 999.9335304694672, 999.9335382134202, '110.00111011110111110110010', '0.101110010010010100000100100', '33', '3'], [999.9627755772008, 999.9500905497877, 999.9500940114092, '110.00111011110110110110010', '0.101110110010010100000100100', '33', '4'], [999.9627759228638, 999.9470492120115, 999.9470534731764, '110.00111011111111110110010', '0.101110110110010100000100100', '33', '5'], [999.9627759248865, 999.94143643059, 999.9414425152589, '110.00111011111111111110010', '0.101110110100010100000100100', '33', '6'], [999.9627759248916, 999.9249768985771, 999.9249870811942, '110.00111011111111111110010', '0.101110110100011100000100100', '33', '7'], [999.962775924892, 999.932340918501, 999.9323498565042, '110.00111011111111111110000', '0.101110110100011100000100100', '33', '8'], [999.9627759248925, 999.9237927168135, 999.9238038290972, '110.00111011111111111101000', '0.101110110100011100000100100', '33', '9'], [999.9627759248925, 999.9343588301203, 999.9343662229124, '110.00111011111111111101011', '0.101110110100011100000100100', '33', '10'], [999.9627759248925, 999.9563742205174, 999.9563753410689, '110.00111011111111111101011', '0.101110110100011100000110100', '33', '11'], [999.9627759248925, 999.9507338202003, 999.9507362620093, '110.00111011111111111101011', '0.101110110100011100000111100', '33', '12'], [999.9627759248925, 999.9423808253122, 999.9423868961923, '110.00111011111111111101011', '0.101110110100011100000111110', '33', '13'], [999.9627759248925, 999.938570974147, 999.9385790950599, '110.00111011111111111101011', '0.101110110100011100000111110', '33', '14'], [999.9627759248925, 999.9484253674038, 999.9484272503994, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '15'], [999.9627759248925, 999.9410994318913, 999.9411055775141, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '16'], [999.9627759248925, 999.9463722480464, 999.9463764728794, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '17'], [999.9627759248925, 999.9426462612693, 999.9426514908066, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '18'], [999.9627759248925, 999.9354727424076, 999.9354799618837, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '19'], [999.9627759248925, 999.9389598208952, 999.9389662317483, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '20'], [999.9627759248925, 999.9400161283942, 999.9400241452431, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '21'], [999.9627759248925, 999.9337297833932, 999.933739784574, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '22'], [999.9627759248925, 999.9381765936682, 999.9381829118632, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '23'], [999.9627759248925, 999.9381741721913, 999.9381804902675, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '24'], [999.9627759248925, 999.9527248327495, 999.9527281042693, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '25'], [999.9627759248925, 999.948012756652, 999.9480177790159, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '26'], [999.9627759248925, 999.9400151683267, 999.9400231845977, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '27'], [999.9627759248925, 999.9481806794079, 999.9481848152161, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '28'], [999.9627759248925, 999.9494193192626, 999.9494219518729, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '29'], [999.9627759248925, 999.9411710251927, 999.941178021439, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '30'], [999.9627759248925, 999.9572023732904, 999.9572034648309, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '31'], [999.9627759248925, 999.9482463098691, 999.948251361643, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '32'], [999.9627759248925, 999.9471687960333, 999.9471731119189, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '33'], [999.9627759248925, 999.9346555478376, 999.9346626713823, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '34'], [999.9627759248925, 999.9252393051313, 999.9252512853296, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '35'], [999.9627759248925, 999.9486194283356, 999.9486227975093, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '36'], [999.9627759248925, 999.9384943251234, 999.9385021011879, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '37'], [999.9627759248925, 999.9365214158736, 999.9365286411211, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '38'], [999.9627759248925, 999.9391248565988, 999.9391338888919, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '39'], [999.9627759248925, 999.9620311997825, 999.9620312160866, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '40'], [999.9627759248925, 999.951122222459, 999.9511253081364, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '41'], [999.9627759248925, 999.9426994036066, 999.9427047257333, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '42'], [999.9627759248925, 999.941179486085, 999.9411864790011, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '43'], [999.9627759248925, 999.9297472998104, 999.9297563847813, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '44'], [999.9627759248925, 999.9424735165403, 999.9424794906923, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '45'], [999.9627759248925, 999.9391107927233, 999.9391187983656, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '46'], [999.9627759248925, 999.9558195095107, 999.9558207986876, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '47'], [999.9627759248925, 999.9503502825447, 999.9503527411593, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '48'], [999.9627759248925, 999.9381921586397, 999.9381983697884, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '49'], [999.9627759248925, 999.9572508541725, 999.9572519456982, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '50'], [999.9627759248925, 999.9541331232394, 999.9541362015693, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '51'], [999.9627759248925, 999.954273810134, 999.954276893567, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '52'], [999.9627759248925, 999.9453435806543, 999.9453472293486, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '53'], [999.9627759248925, 999.9258589011894, 999.9258708369416, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '54'], [999.9627759248925, 999.9551939216104, 999.9551952220336, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '55'], [999.9627759248925, 999.925789350583, 999.9258013999134, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '56'], [999.9627759248925, 999.939751205629, 999.9397582267304, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '57'], [999.9627759248925, 999.9406538063396, 999.9406599287811, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '58'], [999.9627759248925, 999.9561736837118, 999.9561757235796, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '59'], [999.9627759248925, 999.9377209378558, 999.9377284527644, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '60'], [999.9627759248925, 999.9550914005765, 999.9550926961275, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '61'], [999.9627759248925, 999.9623849592098, 999.9623849613024, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '62'], [999.9627759248925, 999.9487064520426, 999.9487096362445, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '63'], [999.9627759248925, 999.9235748459662, 999.9235867044437, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '64'], [999.9627759248925, 999.9568245832473, 999.956825687078, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '65'], [999.9627759248925, 999.9342812271101, 999.934287501382, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '66'], [999.9627759248925, 999.9466895731401, 999.9466936868301, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '67'], [999.9627759248925, 999.9548666574551, 999.954867968941, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '68'], [999.9627759248925, 999.9480058066599, 999.9480101140596, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '69'], [999.9627759248925, 999.9290760793743, 999.9290868257318, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '70'], [999.9627759248925, 999.9525563197324, 999.9525578172982, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '71'], [999.9627759248925, 999.953461075751, 999.9534641627096, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '72'], [999.9627759248925, 999.9558005117012, 999.9558025551597, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '73'], [999.9627759248925, 999.9347743352102, 999.9347813534482, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '74'], [999.9627759248925, 999.9535915169348, 999.9535946058958, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '75'], [999.9627759248925, 999.9336053205683, 999.9336152232827, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '76'], [999.9627759248925, 999.9605289257838, 999.9605291422329, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '77'], [999.9627759248925, 999.9489391244382, 999.9489431469049, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '78'], [999.9627759248925, 999.9475722870106, 999.947576594644, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '79'], [999.9627759248925, 999.9190254192125, 999.9190375295029, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '80'], [999.9627759248925, 999.9541806642825, 999.9541837478599, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '81'], [999.9627759248925, 999.9409176766645, 999.9409239139275, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '82'], [999.9627759248925, 999.9386545554692, 999.9386625473563, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '83'], [999.9627759248925, 999.9329271555064, 999.9329343370979, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '84'], [999.9627759248925, 999.9378046211749, 999.9378109508816, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '85'], [999.9627759248925, 999.9370646799878, 999.9370727618964, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '86'], [999.9627759248925, 999.9489555730682, 999.9489590038708, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '87'], [999.9627759248925, 999.9555135960588, 999.9555148862001, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '88'], [999.9627759248925, 999.9480080122011, 999.9480112028905, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '89'], [999.9627759248925, 999.9601507364468, 999.9601509576657, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '90'], [999.9627759248925, 999.9468993351884, 999.9469036489486, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '91'], [999.9627759248925, 999.9396416969669, 999.9396488616552, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '92'], [999.9627759248925, 999.9245024177319, 999.9245135844992, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '93'], [999.9627759248925, 999.924244382404, 999.9242563516714, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '94'], [999.9627759248925, 999.9513331870432, 999.9513362740089, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '95'], [999.9627759248925, 999.9275101064529, 999.9275199755355, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '96'], [999.9627759248925, 999.9373889173366, 999.9373963414221, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '97'], [999.9627759248925, 999.9328521278632, 999.9328612742859, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '98'], [999.9627759248925, 999.9296488418971, 999.9296570805826, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '99'], [999.9627759248925, 999.9384778551995, 999.938486887671, '110.00111011111111111101011', '0.101110110100011100000111111', '33', '100']]], [[[999.8115194468061, 999.6249870782264, 999.6249921634079, '1101.00000100110100101110000', '-1001.00000010001000000001101', '34', '1'], [999.8216524919695, 999.7932361999106, 999.7932396788235, '1101.00000100110100101110000', '-1001.01000010001000001001101', '34', '2'], [999.8729937832667, 999.7992609834686, 999.7992653743675, '1001.00000100110100101110000', '-1001.01000010001000011001101', '34', '3'], [999.873001917202, 999.8281484943991, 999.8281524290768, '1001.00000100010100101110000', '-1001.01000010001000011001101', '34', '4'], [999.8730093242943, 999.861617091793, 999.8616181578224, '1001.00000100010100100110000', '-1001.01000011001000011001101', '34', '5'], [999.8730094447432, 999.8526750708132, 999.8526789580286, '1001.00000100010100100110000', '-1001.01000011011000011001101', '34', '6'], [999.8730094577861, 999.838054757912, 999.8380618250818, '1001.00000100010101100110000', '-1001.01000011011000011001101', '34', '7'], [999.8730094709722, 999.8312801406486, 999.831291812588, '1001.00000100010100100100000', '-1001.01000011010000011001100', '34', '8'], [999.8730094798143, 999.8521833301197, 999.8521874588389, '1001.00000100011100100101000', '-1001.01000011011010011001100', '34', '9'], [999.8730094812589, 999.8693869037362, 999.8693870232793, '1001.00000100011100100101000', '-1001.01000011011011011001100', '34', '10'], [999.8730094812602, 999.8459662494871, 999.8459739254623, '1001.00000100011100100100000', '-1001.01000011011011011001100', '34', '11'], [999.8730094812606, 999.8491509520059, 999.8491553862381, '1001.00000100011100100100001', '-1001.01000011011011011011100', '34', '12'], [999.8730094812606, 999.8465555516711, 999.8465630754955, '1001.00000100011100100101001', '-1001.01000011011011011011100', '34', '13'], [999.8730094812606, 999.8507695999252, 999.8507751435355, '1001.00000100011100100101010', '-1001.01000011011011011011100', '34', '14'], [999.8730094812606, 999.8314154368211, 999.8314276601163, '1001.00000100011100100101010', '-1001.01000011011011011011110', '34', '15'], [999.8730094812606, 999.8579969745202, 999.8580003041455, '1001.00000100011100100101011', '-1001.01000011011011011011110', '34', '16'], [999.8730094812607, 999.8464060220191, 999.8464121369815, '1001.00000100011100100101000', '-1001.01000011011011011011111', '34', '17'], [999.8730094812607, 999.8682682571846, 999.868268597188, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '18'], [999.8730094812607, 999.8464217143954, 999.8464295854334, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '19'], [999.8730094812607, 999.8501854423091, 999.8501898131022, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '20'], [999.8730094812607, 999.8559053033963, 999.8559088255793, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '21'], [999.8730094812607, 999.8406308899855, 999.840638042876, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '22'], [999.8730094812607, 999.868309412994, 999.8683098961516, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '23'], [999.8730094812607, 999.8455373209117, 999.8455450785481, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '24'], [999.8730094812607, 999.8575838364393, 999.857587303915, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '25'], [999.8730094812607, 999.8530729652699, 999.8530766116678, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '26'], [999.8730094812607, 999.844847184241, 999.8448532702785, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '27'], [999.8730094812607, 999.8550582299218, 999.8550616228292, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '28'], [999.8730094812607, 999.8571841733146, 999.857187586712, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '29'], [999.8730094812607, 999.8598706507718, 999.8598721241601, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '30'], [999.8730094812607, 999.8615017965869, 999.8615028365545, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '31'], [999.8730094812607, 999.852846052201, 999.8528497670358, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '32'], [999.8730094812607, 999.8661594146192, 999.866160031253, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '33'], [999.8730094812607, 999.8490064015951, 999.849012266177, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '34'], [999.8730094812607, 999.8621502686576, 999.8621530646104, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '35'], [999.8730094812607, 999.8472675304916, 999.8472721765456, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '36'], [999.8730094812607, 999.84832556314, 999.8483330357105, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '37'], [999.8730094812607, 999.8568211903479, 999.8568247130178, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '38'], [999.8730094812607, 999.8600667206555, 999.860068048328, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '39'], [999.8730094812607, 999.8597438830491, 999.8597454829318, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '40'], [999.8730094812607, 999.8568871834182, 999.8568893567318, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '41'], [999.8730094812607, 999.8604865778401, 999.8604892671977, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '42'], [999.8730094812607, 999.8545216005934, 999.854527014019, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '43'], [999.8730094812607, 999.8636994203079, 999.8637003739888, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '44'], [999.8730094812607, 999.8480664028642, 999.8480738896059, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '45'], [999.8730094812607, 999.8341447388711, 999.834155250236, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '46'], [999.8730094812607, 999.85047936696, 999.850484904544, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '47'], [999.8730094812607, 999.852160795653, 999.8521654214692, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '48'], [999.8730094812607, 999.8483447517641, 999.8483494143833, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '49'], [999.8730094812607, 999.8415875106263, 999.8415935119212, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '50'], [999.8730094812607, 999.843100341327, 999.8431078044918, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '51'], [999.8730094812607, 999.8526262674205, 999.852628634234, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '52'], [999.8730094812607, 999.8626427326549, 999.8626453638731, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '53'], [999.8730094812607, 999.8533989213242, 999.853402623608, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '54'], [999.8730094812607, 999.8644137495945, 999.8644145732528, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '55'], [999.8730094812607, 999.8543234726841, 999.8543272122687, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '56'], [999.8730094812607, 999.8563514470429, 999.8563545464303, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '57'], [999.8730094812607, 999.8548571071162, 999.8548621518432, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '58'], [999.8730094812607, 999.8489315170476, 999.84893740098, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '59'], [999.8730094812607, 999.843331997926, 999.8433402534457, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '60'], [999.8730094812607, 999.8392016478756, 999.8392083266026, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '61'], [999.8730094812607, 999.8576141062807, 999.8576175380828, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '62'], [999.8730094812607, 999.8476691112447, 999.8476749893157, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '63'], [999.8730094812607, 999.853368446172, 999.8533737138089, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '64'], [999.8730094812607, 999.8643910642395, 999.864392097009, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '65'], [999.8730094812607, 999.8342139995144, 999.8342214536234, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '66'], [999.8730094812607, 999.8599074100305, 999.8599089048764, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '67'], [999.8730094812607, 999.8548567284897, 999.8548616266755, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '68'], [999.8730094812607, 999.849419190299, 999.8494247928828, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '69'], [999.8730094812607, 999.8529531483385, 999.85295704142, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '70'], [999.8730094812607, 999.8625974790067, 999.8625983907419, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '71'], [999.8730094812607, 999.865063840848, 999.865064476659, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '72'], [999.8730094812607, 999.8500924977556, 999.8500983752583, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '73'], [999.8730094812607, 999.848133524504, 999.8481363812732, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '74'], [999.8730094812607, 999.8391628892822, 999.8391702816726, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '75'], [999.8730094812607, 999.8536142206434, 999.8536181788337, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '76'], [999.8730094812607, 999.8680298154874, 999.86803034073, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '77'], [999.8730094812607, 999.8288409239185, 999.828852286943, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '78'], [999.8730094812607, 999.8547577959409, 999.8547615452958, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '79'], [999.8730094812607, 999.8308854555743, 999.8308979617641, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '80'], [999.8730094812607, 999.8503319351092, 999.8503374567949, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '81'], [999.8730094812607, 999.8459055659664, 999.845911572248, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '82'], [999.8730094812607, 999.8526999483132, 999.8527037051159, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '83'], [999.8730094812607, 999.8521096113249, 999.8521151188244, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '84'], [999.8730094812607, 999.8581929722225, 999.8581964205589, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '85'], [999.8730094812607, 999.8590592403975, 999.8590626763553, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '86'], [999.8730094812607, 999.8666751221288, 999.8666752910827, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '87'], [999.8730094812607, 999.8430983415968, 999.8431050299349, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '88'], [999.8730094812607, 999.8594112782624, 999.8594125404483, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '89'], [999.8730094812607, 999.8435067167404, 999.8435159860187, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '90'], [999.8730094812607, 999.857571977648, 999.8575752566677, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '91'], [999.8730094812607, 999.8494813906524, 999.8494872111386, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '92'], [999.8730094812607, 999.8527595330162, 999.8527635166352, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '93'], [999.8730094812607, 999.868886108764, 999.8688865659491, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '94'], [999.8730094812607, 999.8399457045588, 999.8399541192481, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '95'], [999.8730094812607, 999.859515351789, 999.8595186887054, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '96'], [999.8730094812607, 999.8336707003962, 999.8336812990509, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '97'], [999.8730094812607, 999.8440154269557, 999.844020244413, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '98'], [999.8730094812607, 999.8444878244414, 999.8444932675426, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '99'], [999.8730094812607, 999.8530213648359, 999.8530254764727, '1001.00000100011100100101001', '-1001.01000011011011011011111', '34', '100']]], [[[999.9023441215201, 999.7621455523613, 999.7621590188901, '-1001.111010010111111001110', '101.000111010000111001000', '35', '1'], [999.9110569216548, 999.8594302006517, 999.8594405238988, '-1001.111010010111111000110', '101.000010100000111001000', '35', '2'], [999.9184093244126, 999.8659100038734, 999.865923971544, '-1001.111110000111111000110', '101.000010100000111001000', '35', '3'], [999.9196763989222, 999.8680809805151, 999.8680938891422, '-1001.111111000111111000110', '101.000010100000111001010', '35', '4'], [999.9203240117585, 999.8977645768259, 999.8977712855894, '-1001.111110011111111000110', '101.000000100000110001000', '35', '5'], [999.9213823944209, 999.8755509279558, 999.8755656640046, '-1001.111111111101111000110', '101.000000100000110001000', '35', '6'], [999.9215258192074, 999.9065321742553, 999.9065356924957, '-1001.111111111101111100110', '101.000000000000110001000', '35', '7'], [999.921527821873, 999.9011605867864, 999.9011667264416, '-1001.111111111101111100110', '101.000000000000010001000', '35', '8'], [999.9215287956, 999.8801541929782, 999.8801668495744, '-1001.111111111101111100100', '101.000000000000000001000', '35', '9'], [999.9215289951433, 999.8904215598511, 999.8904311201961, '-1001.111111111101111110100', '101.000000000000000001000', '35', '10'], [999.9215416190314, 999.9148305352114, 999.9148308949676, '-1001.111111111111111110100', '101.000000000000000001000', '35', '11'], [999.9215417774361, 999.8776655080496, 999.8776807590178, '-1001.111111111111111111100', '101.000000000000000000000', '35', '12'], [999.9215417774361, 999.9020446665443, 999.9020511529086, '-1001.111111111111111111100', '101.000000000000000000000', '35', '13'], [999.921541801802, 999.8861537103519, 999.8861647471106, '-1001.111111111111111111110', '101.000000000000000000000', '35', '14'], [999.921541801802, 999.8595751485545, 999.8595967115657, '-1001.111111111111111111110', '101.000000000000000000000', '35', '15'], [999.921541801802, 999.876485175517, 999.8764990545812, '-1001.111111111111111111110', '101.000000000000000000000', '35', '16'], [999.921541801802, 999.8810145205905, 999.8810263803546, '-1001.111111111111111111110', '101.000000000000000000000', '35', '17'], [999.9215418139845, 999.8531215028438, 999.8531417141235, '-1001.111111111111111111111', '101.000000000000000000000', '35', '18'], [999.9215418139845, 999.8991679118952, 999.8991748220492, '-1001.111111111111111111111', '101.000000000000000000000', '35', '19'], [999.9215418139845, 999.8379502569911, 999.837977812345, '-1001.111111111111111111111', '101.000000000000000000000', '35', '20'], [999.9215418139845, 999.9015886590583, 999.901592663902, '-1001.111111111111111111111', '101.000000000000000000000', '35', '21'], [999.9215418139845, 999.9001799095008, 999.9001847967263, '-1001.111111111111111111111', '101.000000000000000000000', '35', '22'], [999.9215418139845, 999.8990868356351, 999.8990937692776, '-1001.111111111111111111111', '101.000000000000000000000', '35', '23'], [999.9215418139845, 999.9183693346665, 999.9183694798522, '-1001.111111111111111111111', '101.000000000000000000000', '35', '24'], [999.9215418139845, 999.9059285597527, 999.9059325463359, '-1001.111111111111111111111', '101.000000000000000000000', '35', '25'], [999.9215418139845, 999.8885629066272, 999.8885721311443, '-1001.111111111111111111111', '101.000000000000000000000', '35', '26'], [999.9215418139845, 999.8977997875511, 999.8978060408989, '-1001.111111111111111111111', '101.000000000000000000000', '35', '27'], [999.9215418139845, 999.8916736573129, 999.8916830900042, '-1001.111111111111111111111', '101.000000000000000000000', '35', '28'], [999.9215418139845, 999.8948926850011, 999.894899758668, '-1001.111111111111111111111', '101.000000000000000000000', '35', '29'], [999.9215418139845, 999.8944425020281, 999.8944503488507, '-1001.111111111111111111111', '101.000000000000000000000', '35', '30'], [999.9215418139845, 999.9010980708441, 999.9011048473282, '-1001.111111111111111111111', '101.000000000000000000000', '35', '31'], [999.9215418139845, 999.8866319412515, 999.886644458169, '-1001.111111111111111111111', '101.000000000000000000000', '35', '32'], [999.9215418139845, 999.8839585310888, 999.8839703807312, '-1001.111111111111111111111', '101.000000000000000000000', '35', '33'], [999.9215418139845, 999.884548188385, 999.8845610594113, '-1001.111111111111111111111', '101.000000000000000000000', '35', '34'], [999.9215418139845, 999.870574810169, 999.8705910824835, '-1001.111111111111111111111', '101.000000000000000000000', '35', '35'], [999.9215418139845, 999.9007149389462, 999.9007216175311, '-1001.111111111111111111111', '101.000000000000000000000', '35', '36'], [999.9215418139845, 999.8846957382228, 999.8847048945408, '-1001.111111111111111111111', '101.000000000000000000000', '35', '37'], [999.9215418139845, 999.8716261695116, 999.8716417242124, '-1001.111111111111111111111', '101.000000000000000000000', '35', '38'], [999.9215418139845, 999.8811894849927, 999.8812018336772, '-1001.111111111111111111111', '101.000000000000000000000', '35', '39'], [999.9215418139845, 999.8955747675179, 999.8955812293083, '-1001.111111111111111111111', '101.000000000000000000000', '35', '40'], [999.9215418139845, 999.8805112250909, 999.8805228961743, '-1001.111111111111111111111', '101.000000000000000000000', '35', '41'], [999.9215418139845, 999.8965749146025, 999.8965816681582, '-1001.111111111111111111111', '101.000000000000000000000', '35', '42'], [999.9215418139845, 999.885691282803, 999.885699609495, '-1001.111111111111111111111', '101.000000000000000000000', '35', '43'], [999.9215418139845, 999.885043267793, 999.8850538699014, '-1001.111111111111111111111', '101.000000000000000000000', '35', '44'], [999.9215418139845, 999.891125864765, 999.891134757278, '-1001.111111111111111111111', '101.000000000000000000000', '35', '45'], [999.9215418139845, 999.8862224301175, 999.886234583442, '-1001.111111111111111111111', '101.000000000000000000000', '35', '46'], [999.9215418139845, 999.9105228139517, 999.9105242338803, '-1001.111111111111111111111', '101.000000000000000000000', '35', '47'], [999.9215418139845, 999.8944584721456, 999.8944663350028, '-1001.111111111111111111111', '101.000000000000000000000', '35', '48'], [999.9215418139845, 999.8831018010474, 999.883113212093, '-1001.111111111111111111111', '101.000000000000000000000', '35', '49'], [999.9215418139845, 999.8854902068703, 999.8855001353795, '-1001.111111111111111111111', '101.000000000000000000000', '35', '50'], [999.9215418139845, 999.9058243811461, 999.9058283445906, '-1001.111111111111111111111', '101.000000000000000000000', '35', '51'], [999.9215418139845, 999.8876288146568, 999.887639033903, '-1001.111111111111111111111', '101.000000000000000000000', '35', '52'], [999.9215418139845, 999.8980862972392, 999.8980932467729, '-1001.111111111111111111111', '101.000000000000000000000', '35', '53'], [999.9215418139845, 999.8977274033923, 999.8977335666441, '-1001.111111111111111111111', '101.000000000000000000000', '35', '54'], [999.9215418139845, 999.8755007430132, 999.8755161981697, '-1001.111111111111111111111', '101.000000000000000000000', '35', '55'], [999.9215418139845, 999.8980868798744, 999.8980931659204, '-1001.111111111111111111111', '101.000000000000000000000', '35', '56'], [999.9215418139845, 999.8485446585134, 999.8485668217199, '-1001.111111111111111111111', '101.000000000000000000000', '35', '57'], [999.9215418139845, 999.8988389886175, 999.8988447770349, '-1001.111111111111111111111', '101.000000000000000000000', '35', '58'], [999.9215418139845, 999.8701650549061, 999.8701803456803, '-1001.111111111111111111111', '101.000000000000000000000', '35', '59'], [999.9215418139845, 999.8853698342202, 999.8853806072028, '-1001.111111111111111111111', '101.000000000000000000000', '35', '60'], [999.9215418139845, 999.8811698262103, 999.8811821335345, '-1001.111111111111111111111', '101.000000000000000000000', '35', '61'], [999.9215418139845, 999.8834349662684, 999.8834474322804, '-1001.111111111111111111111', '101.000000000000000000000', '35', '62'], [999.9215418139845, 999.895137712337, 999.8951474104468, '-1001.111111111111111111111', '101.000000000000000000000', '35', '63'], [999.9215418139845, 999.9037776826221, 999.9037815895213, '-1001.111111111111111111111', '101.000000000000000000000', '35', '64'], [999.9215418139845, 999.8822460163761, 999.8822572591445, '-1001.111111111111111111111', '101.000000000000000000000', '35', '65'], [999.9215418139845, 999.8778974904048, 999.8779128948258, '-1001.111111111111111111111', '101.000000000000000000000', '35', '66'], [999.9215418139845, 999.898866966087, 999.8988739856998, '-1001.111111111111111111111', '101.000000000000000000000', '35', '67'], [999.9215418139845, 999.8894854757352, 999.8894942635714, '-1001.111111111111111111111', '101.000000000000000000000', '35', '68'], [999.9215418139845, 999.8929840464293, 999.8929938493857, '-1001.111111111111111111111', '101.000000000000000000000', '35', '69'], [999.9215418139845, 999.8794783387126, 999.879491837174, '-1001.111111111111111111111', '101.000000000000000000000', '35', '70'], [999.9215418139845, 999.9041150161578, 999.9041209301281, '-1001.111111111111111111111', '101.000000000000000000000', '35', '71'], [999.9215418139845, 999.9090646872314, 999.9090682027993, '-1001.111111111111111111111', '101.000000000000000000000', '35', '72'], [999.9215418139845, 999.8796776538688, 999.8796892510894, '-1001.111111111111111111111', '101.000000000000000000000', '35', '73'], [999.9215418139845, 999.8966273574489, 999.8966348552025, '-1001.111111111111111111111', '101.000000000000000000000', '35', '74'], [999.9215418139845, 999.8943992769298, 999.8944086709031, '-1001.111111111111111111111', '101.000000000000000000000', '35', '75'], [999.9215418139845, 999.8944657467739, 999.8944734304773, '-1001.111111111111111111111', '101.000000000000000000000', '35', '76'], [999.9215418139845, 999.8963799609401, 999.8963884405356, '-1001.111111111111111111111', '101.000000000000000000000', '35', '77'], [999.9215418139845, 999.8945629464292, 999.8945721085377, '-1001.111111111111111111111', '101.000000000000000000000', '35', '78'], [999.9215418139845, 999.8744965878926, 999.8745130674873, '-1001.111111111111111111111', '101.000000000000000000000', '35', '79'], [999.9215418139845, 999.8742837669841, 999.8742988187722, '-1001.111111111111111111111', '101.000000000000000000000', '35', '80'], [999.9215418139845, 999.8858335159108, 999.8858456462513, '-1001.111111111111111111111', '101.000000000000000000000', '35', '81'], [999.9215418139845, 999.8942412170192, 999.8942497236277, '-1001.111111111111111111111', '101.000000000000000000000', '35', '82'], [999.9215418139845, 999.8875034331567, 999.8875135040986, '-1001.111111111111111111111', '101.000000000000000000000', '35', '83'], [999.9215418139845, 999.9008569388488, 999.9008638233216, '-1001.111111111111111111111', '101.000000000000000000000', '35', '84'], [999.9215418139845, 999.8771112899553, 999.8771237588321, '-1001.111111111111111111111', '101.000000000000000000000', '35', '85'], [999.9215418139845, 999.8849097522253, 999.8849188074494, '-1001.111111111111111111111', '101.000000000000000000000', '35', '86'], [999.9215418139845, 999.8978928270917, 999.8978992264638, '-1001.111111111111111111111', '101.000000000000000000000', '35', '87'], [999.9215418139845, 999.8886074301766, 999.8886178284871, '-1001.111111111111111111111', '101.000000000000000000000', '35', '88'], [999.9215418139845, 999.8894488358627, 999.8894585900917, '-1001.111111111111111111111', '101.000000000000000000000', '35', '89'], [999.9215418139845, 999.86050621607, 999.8605251201901, '-1001.111111111111111111111', '101.000000000000000000000', '35', '90'], [999.9215418139845, 999.8771177735938, 999.8771306279505, '-1001.111111111111111111111', '101.000000000000000000000', '35', '91'], [999.9215418139845, 999.8724704541298, 999.8724850820325, '-1001.111111111111111111111', '101.000000000000000000000', '35', '92'], [999.9215418139845, 999.8410402135081, 999.8410642650854, '-1001.111111111111111111111', '101.000000000000000000000', '35', '93'], [999.9215418139845, 999.8886470369064, 999.888657270328, '-1001.111111111111111111111', '101.000000000000000000000', '35', '94'], [999.9215418139845, 999.9005909190075, 999.9005975800886, '-1001.111111111111111111111', '101.000000000000000000000', '35', '95'], [999.9215418139845, 999.8871492837953, 999.8871591279483, '-1001.111111111111111111111', '101.000000000000000000000', '35', '96'], [999.9215418139845, 999.9053759749149, 999.9053776859203, '-1001.111111111111111111111', '101.000000000000000000000', '35', '97'], [999.9215418139845, 999.8920399576209, 999.8920479433657, '-1001.111111111111111111111', '101.000000000000000000000', '35', '98'], [999.9215418139845, 999.8760944092362, 999.8761072816624, '-1001.111111111111111111111', '101.000000000000000000000', '35', '99'], [999.9215418139845, 999.8893386460525, 999.8893481508546, '-1001.111111111111111111111', '101.000000000000000000000', '35', '100']]], [[[999.9101669414381, 999.6859625855355, 999.6859755010055, '-1001.1010100101011110011111', '100.0001110101111110011001100', '36', '1'], [999.9218013024662, 999.86200111603, 999.8620065433034, '-1001.1010100100011110011110', '100.0101110101111110011001000', '36', '2'], [999.9218108086735, 999.892809453007, 999.8928172344072, '-1001.1010100000011110011111', '100.0101110101111110011001100', '36', '3'], [999.921810815919, 999.89625556688, 999.8962622916323, '-1001.1010100000011110011110', '100.0101110101110110011001100', '36', '4'], [999.9218108174081, 999.896196937277, 999.8962033941159, '-1001.1010100000011110011111', '100.0101110101101100011001100', '36', '5'], [999.9218108175181, 999.8973674169204, 999.897374255397, '-1001.1010100000011111011111', '100.0101110101110100011001100', '36', '6'], [999.9218108177988, 999.9062916203918, 999.9062959797022, '-1001.1010100000011111011111', '100.0101110101110000011001100', '36', '7'], [999.9218108178363, 999.8758313539788, 999.8758449761006, '-1001.1010100000011111001111', '100.0101110101110000011001100', '36', '8'], [999.9218108178546, 999.8654923564338, 999.8655098783258, '-1001.1010100000011110111111', '100.0101110101110000011001100', '36', '9'], [999.9218108178565, 999.89360871055, 999.8936164569736, '-1001.1010100000011110110111', '100.0101110101110000011011100', '36', '10'], [999.9218108178565, 999.8787536517704, 999.8787671195913, '-1001.1010100000011110111101', '100.0101110101110000011111100', '36', '11'], [999.9218108178565, 999.8694397018579, 999.8694551868632, '-1001.1010100000011110111101', '100.0101110101110000011111110', '36', '12'], [999.9218108178565, 999.8609022879353, 999.8609203527623, '-1001.1010100000011110111101', '100.0101110101110000011111110', '36', '13'], [999.9218108178566, 999.8783492796756, 999.8783627392831, '-1001.1010100000011110111100', '100.0101110101110000011111110', '36', '14'], [999.9218108178566, 999.9006768179996, 999.9006838260001, '-1001.1010100000011110111100', '100.0101110101110000011111110', '36', '15'], [999.9218108178566, 999.8861816865366, 999.8861914359641, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '16'], [999.9218108178566, 999.880010130709, 999.8800224603805, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '17'], [999.9218108178566, 999.8819100055305, 999.8819225192226, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '18'], [999.9218108178566, 999.8817495001271, 999.8817612596702, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '19'], [999.9218108178566, 999.8867989190685, 999.8868094287011, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '20'], [999.9218108178566, 999.8988909629446, 999.8988979718183, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '21'], [999.9218108178566, 999.8876163278543, 999.8876261150099, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '22'], [999.9218108178566, 999.8981304025145, 999.8981364032755, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '23'], [999.9218108178566, 999.8797300134726, 999.8797424437621, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '24'], [999.9218108178566, 999.8997457893273, 999.8997523606032, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '25'], [999.9218108178566, 999.8833599041095, 999.8833706515107, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '26'], [999.9218108178566, 999.8977441437736, 999.8977507241406, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '27'], [999.9218108178566, 999.9177072803049, 999.9177076839982, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '28'], [999.9218108178566, 999.8896719362851, 999.8896799396877, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '29'], [999.9218108178566, 999.8780482008228, 999.8780623357986, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '30'], [999.9218108178566, 999.8925551402588, 999.8925635914834, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '31'], [999.9218108178566, 999.8929639291999, 999.8929707312874, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '32'], [999.9218108178566, 999.8721131644519, 999.8721279150486, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '33'], [999.9218108178566, 999.9012286725515, 999.9012342737237, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '34'], [999.9218108178566, 999.8905291121866, 999.8905382001569, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '35'], [999.9218108178566, 999.9014895218977, 999.9014943768007, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '36'], [999.9218108178566, 999.9049139144103, 999.9049184421126, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '37'], [999.9218108178566, 999.8847976461443, 999.8848081122285, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '38'], [999.9218108178566, 999.8866123616375, 999.8866218395051, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '39'], [999.9218108178566, 999.8788357495822, 999.8788490897051, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '40'], [999.9218108178566, 999.8881976822495, 999.8882080740251, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '41'], [999.9218108178566, 999.9000627827919, 999.9000679196919, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '42'], [999.9218108178566, 999.8928444712748, 999.8928538837439, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '43'], [999.9218108178566, 999.8947849411315, 999.8947934160066, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '44'], [999.9218108178566, 999.9093142171586, 999.9093175280391, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '45'], [999.9218108178566, 999.8822438003948, 999.8822543499502, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '46'], [999.9218108178566, 999.8949333072813, 999.894941535686, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '47'], [999.9218108178566, 999.9153816445419, 999.9153823301302, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '48'], [999.9218108178566, 999.8971449051295, 999.8971515602893, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '49'], [999.9218108178566, 999.8937789241558, 999.8937864426964, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '50'], [999.9218108178566, 999.9131872854275, 999.9131904588388, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '51'], [999.9218108178566, 999.8671815066014, 999.8671999280194, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '52'], [999.9218108178566, 999.8917962504707, 999.8918056654662, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '53'], [999.9218108178566, 999.8585120605316, 999.85852847875, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '54'], [999.9218108178566, 999.9084819113352, 999.908484586023, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '55'], [999.9218108178566, 999.8661436016722, 999.8661616885048, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '56'], [999.9218108178566, 999.8754855914497, 999.8754999843084, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '57'], [999.9218108178566, 999.9052677417941, 999.9052716353343, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '58'], [999.9218108178566, 999.9045600594296, 999.9045646090752, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '59'], [999.9218108178566, 999.9036962871312, 999.9037006568266, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '60'], [999.9218108178566, 999.8923699647848, 999.8923763225777, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '61'], [999.9218108178566, 999.9053083970794, 999.9053127049962, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '62'], [999.9218108178566, 999.8980806298092, 999.8980877841851, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '63'], [999.9218108178566, 999.9136394748248, 999.9136416483384, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '64'], [999.9218108178566, 999.892922218837, 999.8929298621816, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '65'], [999.9218108178566, 999.8946267661711, 999.894634232465, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '66'], [999.9218108178566, 999.9049077171056, 999.9049108377969, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '67'], [999.9218108178566, 999.8888159129382, 999.8888267265615, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '68'], [999.9218108178566, 999.900463046029, 999.9004693388152, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '69'], [999.9218108178566, 999.8847524546658, 999.8847629460812, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '70'], [999.9218108178566, 999.9023012951782, 999.9023050938064, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '71'], [999.9218108178566, 999.9072767074701, 999.9072818485856, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '72'], [999.9218108178566, 999.8850631384848, 999.885072952573, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '73'], [999.9218108178566, 999.8820615869383, 999.8820751732013, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '74'], [999.9218108178566, 999.8668851397949, 999.8668999609177, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '75'], [999.9218108178566, 999.8796000413358, 999.8796130793195, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '76'], [999.9218108178566, 999.896217631632, 999.896225047817, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '77'], [999.9218108178566, 999.8891020741274, 999.8891106193433, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '78'], [999.9218108178566, 999.8835925966914, 999.8836030505548, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '79'], [999.9218108178566, 999.9089161540179, 999.9089197005775, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '80'], [999.9218108178566, 999.8954655458457, 999.8954732450952, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '81'], [999.9218108178566, 999.8999748983265, 999.8999819619182, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '82'], [999.9218108178566, 999.8854930700261, 999.8855021033884, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '83'], [999.9218108178566, 999.8930562223219, 999.8930648036267, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '84'], [999.9218108178566, 999.8958842067706, 999.8958895237103, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '85'], [999.9218108178566, 999.8716185885048, 999.8716306333283, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '86'], [999.9218108178566, 999.8811498751053, 999.8811606920519, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '87'], [999.9218108178566, 999.9003254972579, 999.9003296977934, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '88'], [999.9218108178566, 999.8879080943984, 999.8879178465799, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '89'], [999.9218108178566, 999.8955569203108, 999.8955636577897, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '90'], [999.9218108178566, 999.8706824067792, 999.8706957644912, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '91'], [999.9218108178566, 999.8897064999801, 999.8897158413257, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '92'], [999.9218108178566, 999.8938716780177, 999.8938800436723, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '93'], [999.9218108178566, 999.8890675829396, 999.8890763629418, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '94'], [999.9218108178566, 999.8824564817849, 999.882466242344, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '95'], [999.9218108178566, 999.9031613649979, 999.9031668515823, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '96'], [999.9218108178566, 999.8677617119414, 999.8677775567577, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '97'], [999.9218108178566, 999.8633205065016, 999.8633364657363, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '98'], [999.9218108178566, 999.8768227020275, 999.8768350903517, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '99'], [999.9218108178566, 999.900160675848, 999.9001653486364, '-1001.1010100000011110111100', '100.0101110101110000011111111', '36', '100']]], [[[999.8884619144108, 999.6723018762195, 999.6723196200782, '1000.01100010011011110111111', '-100.00101100010101011000011', '37', '1'], [999.9209909215832, 999.8450615350049, 999.8450706852233, '1000.01101010011011110111101', '-0101.1101100010101011000011', '37', '2'], [999.9218014882651, 999.8982380750269, 999.8982444234132, '1000.01101010011011110111111', '-0101.1100100010101011000011', '37', '3'], [999.9218108009991, 999.8966112463532, 999.8966174721038, '1000.01101011011011110111111', '-0101.1100100010101111000111', '37', '4'], [999.921810806882, 999.8729832978615, 999.8729970668652, '1000.01101011011011010111111', '-0101.1100100010101111000111', '37', '5'], [999.9218108178368, 999.8970485965156, 999.8970564658468, '1000.01101011011001010111111', '-0101.1100100010101111000111', '37', '6'], [999.9218108178549, 999.8837755870937, 999.8837862975803, '1000.01101011011001010111111', '-0101.1100100010101111100111', '37', '7'], [999.9218108178566, 999.8976302444644, 999.897635196662, '1000.01101011011001010001111', '-0101.1100100010101111000111', '37', '8'], [999.9218108178566, 999.8802842474201, 999.8802955419479, '1000.01101011011001010101111', '-0101.1100100010101111100111', '37', '9'], [999.9218108178566, 999.8956626727107, 999.8956700242032, '1000.01101011011001010101111', '-0101.1100100010101111100111', '37', '10'], [999.9218108178566, 999.8937630251651, 999.8937700276454, '1000.01101011011001010101111', '-0101.1100100010101111100111', '37', '11'], [999.9218108178566, 999.8858458143873, 999.8858573580954, '1000.01101011011001010101111', '-0101.1100100010101111100111', '37', '12'], [999.9218108178566, 999.876435781194, 999.8764468261742, '1000.01101011011001010101111', '-0101.1100100010101111100111', '37', '13'], [999.9218108178566, 999.8893419766694, 999.8893508820794, '1000.01101011011001010101111', '-0101.1100100010101111100111', '37', '14'], [999.9218108178566, 999.9076517689408, 999.9076552071151, '1000.01101011011001010101111', '-0101.1100100010101111100111', '37', '15'], [999.9218108178566, 999.8951355890168, 999.8951425935743, '1000.01101011011001010101111', '-0101.1100100010101111100111', '37', '16'], [999.9218108178566, 999.8911133187671, 999.8911207606928, '1000.01101011011001010101111', '-0101.1100100010101111100111', '37', '17'], [999.9218108178566, 999.8964121667073, 999.8964176784522, '1000.01101011011001010101111', '-0101.1100100010101111100111', '37', '18'], [999.9218108178566, 999.8564147963519, 999.8564328919083, '1000.01101011011001010101111', '-0101.1100100010101111100111', '37', '19'], [999.9218108178566, 999.8940862612694, 999.8940945644116, '1000.01101011011001010101111', '-0101.1100100010101111100111', '37', '20'], [999.9218108178566, 999.9046489888774, 999.9046532380657, '1000.01101011011001010101111', '-0101.1100100010101111100111', '37', '21'], [999.9218108178566, 999.9030244680584, 999.9030288137961, '1000.01101011011001010101111', '-0101.1100100010101111100111', '37', '22'], [999.9218108178566, 999.8915106391001, 999.8915177284962, '1000.01101011011001010101111', '-0101.1100100010101111100111', '37', '23'], [999.9218108178566, 999.8965457194965, 999.8965521029403, '1000.01101011011001010101111', '-0101.1100100010101111100111', '37', '24'], [999.9218108178566, 999.8942020504187, 999.8942089302207, '1000.01101011011001010101111', '-0101.1100100010101111100111', '37', '25'], [999.9218108178566, 999.8907966089182, 999.8908048354252, '1000.01101011011001010101111', '-0101.1100100010101111100111', '37', '26'], [999.9218108178566, 999.8753023301081, 999.8753155412735, '1000.01101011011001010101111', '-0101.1100100010101111100111', '37', '27'], [999.9218108178566, 999.8746331555267, 999.8746449016181, '1000.01101011011001010101111', '-0101.1100100010101111100111', '37', '28'], [999.9218108178566, 999.8909769687542, 999.89098495384, '1000.01101011011001010101111', '-0101.1100100010101111100111', '37', '29'], [999.9218108178566, 999.9008996110639, 999.9009047660885, '1000.01101011011001010101111', '-0101.1100100010101111100111', '37', '30'], [999.9218108178566, 999.892007919214, 999.8920157918794, '1000.01101011011001010101111', '-0101.1100100010101111100111', '37', '31'], [999.9795460443781, 999.8962671280152, 999.8962729022029, '0000.01101011011001010101111', '-0100.1100100010101111100111', '37', '32'], [999.98992688322, 999.9016335788257, 999.9016491333342, '0000.01101011011001010101111', '-0100.1110100010101111100111', '37', '33'], [999.9899313987139, 999.9364516900438, 999.9364656929331, '0000.01101011011001010101111', '-0100.1110100010100111100111', '37', '34'], [999.9900065604515, 999.9566103029231, 999.9566209402377, '0000.01101111011001011101111', '-0100.1110100010100111100111', '37', '35'], [999.9902538845162, 999.9450287728146, 999.9450431437816, '0000.01111111011001011101111', '-0100.1110100000100110100111', '37', '36'], [999.9902539372864, 999.9687169345859, 999.9687232223137, '0000.01111111011001111101111', '-0100.1110100000100110100111', '37', '37'], [999.9902589546454, 999.963648431987, 999.9636550312787, '0000.01111111011001111101111', '-0100.1110100000000110100111', '37', '38'], [999.9902595497351, 999.9603399129097, 999.9603497545214, '0000.01111111011001111101111', '-0100.1110100000000010100111', '37', '39'], [999.9902599551076, 999.9792315986865, 999.9792333255554, '0000.01111111011101011101111', '-0100.1110100000000010000111', '37', '40'], [999.9902602944178, 999.9487315353604, 999.9487420204571, '0000.01111111011101111101111', '-0100.1110100000000000000111', '37', '41'], [999.9902604815632, 999.9427099354186, 999.9427240703487, '0000.01111111011111111101111', '-0100.1110100000000000000111', '37', '42'], [999.9902622801835, 999.9572755715297, 999.9572845334648, '0000.01111111111111111101111', '-0100.1110100000001000000111', '37', '43'], [999.9902633853355, 999.9621603495576, 999.9621671017576, '0000.01111111111111111101111', '-0100.1110100000000000000101', '37', '44'], [999.9902633936518, 999.9381882798782, 999.9382017543937, '0000.01111111111111111101110', '-0100.1110100000000000000001', '37', '45'], [999.9902633965664, 999.9577938014813, 999.9578015803489, '0000.01111111111111111111111', '-0100.1110100000000000000001', '37', '46'], [999.9902633965664, 999.965024895243, 999.965032922824, '0000.01111111111111111111111', '-0100.1110100000000000000001', '37', '47'], [999.990263398688, 999.9733017441476, 999.9733060185947, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '48'], [999.990263398688, 999.9612262308311, 999.9612348889682, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '49'], [999.990263398688, 999.9521170754888, 999.952129128939, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '50'], [999.990263398688, 999.9839335540097, 999.9839350057356, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '51'], [999.990263398688, 999.9701500958429, 999.9701556180551, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '52'], [999.990263398688, 999.9513653922629, 999.9513760851867, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '53'], [999.990263398688, 999.9716856053399, 999.9716909022134, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '54'], [999.990263398688, 999.9500223661779, 999.950035778927, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '55'], [999.990263398688, 999.942258344522, 999.9422741319289, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '56'], [999.990263398688, 999.9563870495073, 999.956399046814, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '57'], [999.990263398688, 999.9737663581934, 999.973770255269, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '58'], [999.990263398688, 999.9570042722021, 999.9570169702315, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '59'], [999.990263398688, 999.9690857658234, 999.9690915126865, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '60'], [999.990263398688, 999.9397140997526, 999.9397289745896, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '61'], [999.990263398688, 999.9855434629264, 999.9855438648921, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '62'], [999.990263398688, 999.934402310025, 999.9344194853273, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '63'], [999.990263398688, 999.9441091984778, 999.9441260678348, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '64'], [999.990263398688, 999.9543009885475, 999.9543116397093, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '65'], [999.990263398688, 999.9550734462443, 999.9550849412723, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '66'], [999.990263398688, 999.9602554107328, 999.9602636547078, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '67'], [999.990263398688, 999.9448951575647, 999.9449073735868, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '68'], [999.990263398688, 999.982944045612, 999.982945635724, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '69'], [999.990263398688, 999.9547639571633, 999.9547760055196, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '70'], [999.990263398688, 999.9578457301097, 999.9578566766238, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '71'], [999.990263398688, 999.9593878711456, 999.9593965648004, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '72'], [999.990263398688, 999.9560431991928, 999.9560545141651, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '73'], [999.990263398688, 999.9620553409222, 999.9620646818018, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '74'], [999.990263398688, 999.9635712664609, 999.9635786281438, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '75'], [999.990263398688, 999.9287890819686, 999.9288108837131, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '76'], [999.990263398688, 999.962955560087, 999.9629635555198, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '77'], [999.990263398688, 999.9187106844603, 999.918734682427, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '78'], [999.990263398688, 999.9564478613285, 999.9564563266467, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '79'], [999.990263398688, 999.9469528574463, 999.9469654795563, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '80'], [999.990263398688, 999.9540721446108, 999.9540814360503, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '81'], [999.990263398688, 999.9393971273901, 999.9394124731165, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '82'], [999.990263398688, 999.9513787006039, 999.9513896231158, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '83'], [999.990263398688, 999.9743161812263, 999.9743195215864, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '84'], [999.990263398688, 999.9473557469483, 999.947368883562, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '85'], [999.990263398688, 999.9524302838508, 999.9524418731422, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '86'], [999.990263398688, 999.949751924868, 999.9497634232713, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '87'], [999.990263398688, 999.9333986146171, 999.9334133771966, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '88'], [999.990263398688, 999.9141902473258, 999.9142119135388, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '89'], [999.990263398688, 999.962209148239, 999.9622175246766, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '90'], [999.990263398688, 999.9626103958534, 999.9626182842171, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '91'], [999.990263398688, 999.9352558461272, 999.9352722539759, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '92'], [999.990263398688, 999.950911222291, 999.9509237392408, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '93'], [999.990263398688, 999.9663414006824, 999.9663467947721, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '94'], [999.990263398688, 999.9586227103514, 999.9586309708435, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '95'], [999.990263398688, 999.9353623292462, 999.9353810697118, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '96'], [999.990263398688, 999.9432516635515, 999.943267284187, '0000.01111111111111111111111', '-0100.1110100000000000000000', '37', '97'], [999.9902720603752, 999.9735178742047, 999.9735220776865, '0000.00111111111111111111111', '-0100.1110000000000000000000', '37', '98'], [999.9902720603752, 999.9618102801634, 999.9618188111152, '0000.00111111111111111111111', '-0100.1110000000000000000000', '37', '99'], [999.9902720603752, 999.9299819185397, 999.9300021074937, '0000.00111111111111111111111', '-0100.1110000000000000000000', '37', '100']]], [[[999.7824365120179, 999.5640902792932, 999.5641015328513, '-1011.00111011000001001010101', '-1100.1110110100110101101010000', '38', '1'], [999.8050936082623, 999.6369098217306, 999.6369311219488, '-1011.000110110000000000101000', '-1100.11101101001101011010100', '38', '2'], [999.8201638496558, 999.775157869442, 999.7751621728094, '-1011.000100110000000000101000', '-1100.11001101001101011010000', '38', '3'], [999.8217557420858, 999.8029206841119, 999.8029222697944, '-1011.000010110000000000101000', '-1100.11000101001101011010000', '38', '4'], [999.821759258855, 999.8017647784665, 999.8017693355187, '-1011.000010110000000000101000', '-1100.11000001001101011010000', '38', '5'], [999.8217776593938, 999.8010142972181, 999.8010187300205, '-1011.000010110000000000001000', '-1100.11000011001101011010000', '38', '6'], [999.8217776598203, 999.7901471636319, 999.7901536909002, '-1011.000010110000000000001000', '-1100.11000011001101011000000', '38', '7'], [999.8217776899569, 999.7971998317141, 999.7972052585827, '-1011.000010110000000000001001', '-1100.11000011000101011000000', '38', '8'], [999.8217776927601, 999.8137182275266, 999.813720005988, '-1011.000010110000000000011001', '-1100.11000011000101111000000', '38', '9'], [999.8217776974545, 999.7967138188319, 999.7967190165624, '-1011.000010110000100000011001', '-1100.11000011000101111000000', '38', '10'], [999.8217776974545, 999.7809367767691, 999.7809459206521, '-1011.000010110000100000011011', '-1100.11000011000101111000000', '38', '11'], [999.8217776974545, 999.8063340669349, 999.8063367954039, '-1011.000010110000100000011111', '-1100.11000011000101111000000', '38', '12'], [999.8217776974545, 999.8035486220439, 999.8035522182009, '-1011.000010110000100000011111', '-1100.11000011000101111000000', '38', '13'], [999.8217776974545, 999.7867940876442, 999.7868024723755, '-1011.000010110000100000011111', '-1100.11000011000101111000000', '38', '14'], [999.8217776974545, 999.7937101009861, 999.7937169334933, '-1011.000010110000100000011111', '-1100.11000011000101111000000', '38', '15'], [999.8217776974545, 999.8045990691793, 999.8046029951491, '-1011.000010110000100000011111', '-1100.11000011000101111000000', '38', '16'], [999.8217776974545, 999.817601364025, 999.8176015901083, '-1011.000010110000100000011111', '-1100.11000011000101111000000', '38', '17'], [999.8217776974545, 999.8068569755269, 999.8068597466928, '-1011.000010110000100000011111', '-1100.11000011000101111000000', '38', '18'], [999.8217776974545, 999.8058083845135, 999.8058113660763, '-1011.000010110000100000011111', '-1100.11000011000101111000000', '38', '19'], [999.8217776974545, 999.8050943439277, 999.8050969406429, '-1011.000010110000100000011111', '-1100.11000011000101111000000', '38', '20'], [999.8217776974545, 999.7925427552458, 999.792549234127, '-1011.000010110000100000011111', '-1100.11000011000101111000000', '38', '21'], [999.8284505777197, 999.7993593329218, 999.7993632912328, '-1010.000010110000100000011111', '-1000.11000011000101111000000', '38', '22'], [999.8659506447747, 999.7669646463619, 999.7669734213619, '-1010.000010110000100000011111', '-1000.10000011000101111000000', '38', '23'], [999.8668264108301, 999.8313079394404, 999.8313097301352, '-1011.100010110000100000001111', '-1000.11100011000101111000000', '38', '24'], [999.8729026548656, 999.809820903426, 999.8098299798162, '-1011.101010110000100000011111', '-1000.11100011000110111000000', '38', '25'], [999.8729528652381, 999.8538734497918, 999.8538780358429, '-1011.101010100000100000011111', '-1000.11100011000101111000000', '38', '26'], [999.8729878299084, 999.8503525501797, 999.8503579585037, '-1011.101010010000100000011111', '-1000.11100011000010111000000', '38', '27'], [999.8730094795243, 999.8685064614339, 999.868506811549, '-1011.101010000000100000011111', '-1000.11100010000010111000010', '38', '28'], [999.873009480863, 999.8356706803847, 999.8356807254185, '-1011.101010000000101000011111', '-1000.11100010000010111000010', '38', '29'], [999.8730094811845, 999.8201057429545, 999.8201184557407, '-1011.101010000000101100011111', '-1000.11100010000010111001000', '38', '30'], [999.8730094812498, 999.8407369431535, 999.8407443356767, '-1011.101010000000101110011111', '-1000.11100010000010111001000', '38', '31'], [999.8730094812604, 999.8669656090574, 999.8669660572439, '-1011.101010000000101111011111', '-1000.11100010000010111001001', '38', '32'], [999.8730094812604, 999.8554820359149, 999.8554851255752, '-1011.101010000000101111011111', '-1000.11100010000010111001001', '38', '33'], [999.8730094812606, 999.8253939911694, 999.8254054624647, '-1011.101010000000101111011111', '-1000.11100010000010111001101', '38', '34'], [999.8730094812606, 999.85475975228, 999.8547638052165, '-1011.101010000000101111011111', '-1000.11100010000010111001101', '38', '35'], [999.8730094812606, 999.8422133529754, 999.8422208613474, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '36'], [999.8730094812606, 999.8170726344157, 999.817087842499, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '37'], [999.8730094812606, 999.8530920540901, 999.8530970081224, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '38'], [999.8730094812606, 999.8509781315943, 999.8509840632596, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '39'], [999.8730094812606, 999.8383608229569, 999.8383717389203, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '40'], [999.8730094812606, 999.8582957298051, 999.8582985686396, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '41'], [999.8730094812606, 999.8395625454285, 999.8395735405751, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '42'], [999.8730094812606, 999.8315439104947, 999.8315565183896, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '43'], [999.8730094812606, 999.8395152169668, 999.8395231585723, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '44'], [999.8730094812606, 999.8583305440945, 999.858333914563, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '45'], [999.8730094812606, 999.853435243302, 999.8534390971706, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '46'], [999.8730094812606, 999.859645967169, 999.8596484143894, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '47'], [999.8730094812606, 999.8572910566204, 999.8572949187419, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '48'], [999.8730094812606, 999.8606480510816, 999.8606507884676, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '49'], [999.8730094812606, 999.8407177341492, 999.840725302378, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '50'], [999.8730094812606, 999.8378642678232, 999.83787143096, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '51'], [999.8730094812606, 999.8626604321756, 999.862662778051, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '52'], [999.8730094812606, 999.8366848547189, 999.836692272623, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '53'], [999.8730094812606, 999.8576209533022, 999.8576252340602, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '54'], [999.8730094812606, 999.8274468188689, 999.8274591722663, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '55'], [999.8730094812606, 999.8483877690688, 999.8483935207902, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '56'], [999.8730094812606, 999.8413109570932, 999.8413194049014, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '57'], [999.8730094812606, 999.8485958336397, 999.8486023379867, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '58'], [999.8730094812606, 999.8557810616417, 999.8557850646234, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '59'], [999.8730094812606, 999.8460118958515, 999.8460176341641, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '60'], [999.8730094812606, 999.8569079595422, 999.8569119489734, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '61'], [999.8730094812606, 999.8395378653919, 999.8395465119896, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '62'], [999.8730094812606, 999.8492794970131, 999.849286849478, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '63'], [999.8730094812606, 999.8265029081396, 999.8265157785181, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '64'], [999.8730094812606, 999.8315338134439, 999.8315448624585, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '65'], [999.8730094812606, 999.8587587178765, 999.8587625255883, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '66'], [999.8730094812606, 999.8348436584967, 999.8348532208198, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '67'], [999.8730094812606, 999.8370639242088, 999.8370739121048, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '68'], [999.8730094812606, 999.8440086294395, 999.8440159396134, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '69'], [999.8730094812606, 999.8491689587737, 999.8491748644484, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '70'], [999.8730094812606, 999.8560403421297, 999.856045332, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '71'], [999.8730094812606, 999.8398734634237, 999.8398791347604, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '72'], [999.8730094812606, 999.8519776639192, 999.8519846889117, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '73'], [999.8730094812606, 999.8374324821879, 999.8374427461504, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '74'], [999.8730094812606, 999.8242599143259, 999.8242701668032, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '75'], [999.8730094812606, 999.8469014525832, 999.8469072817128, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '76'], [999.8730094812606, 999.8575500195719, 999.8575526484633, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '77'], [999.8730094812606, 999.8536110311791, 999.8536157339018, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '78'], [999.8730094812606, 999.8624247149571, 999.8624273753794, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '79'], [999.8730094812606, 999.8345212596436, 999.834529657621, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '80'], [999.8730094812606, 999.845163186258, 999.8451716491453, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '81'], [999.8730094812606, 999.8333826099573, 999.8333922335288, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '82'], [999.8730094812606, 999.8255446662805, 999.8255579423306, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '83'], [999.8730094812606, 999.8459559607181, 999.8459630213689, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '84'], [999.8730094812606, 999.8306128939802, 999.8306238296138, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '85'], [999.8730094812606, 999.8374352840267, 999.8374445088588, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '86'], [999.8730094812606, 999.8413315364086, 999.8413383983903, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '87'], [999.8730094812606, 999.8548038753006, 999.8548065226834, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '88'], [999.8730094812606, 999.8487526865075, 999.8487603628932, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '89'], [999.8730094812606, 999.8363753662597, 999.8363850875799, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '90'], [999.8730094812606, 999.8364218601181, 999.8364324122016, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '91'], [999.8730094812606, 999.8311553871109, 999.8311668430408, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '92'], [999.8730094812606, 999.8351354418824, 999.8351461319384, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '93'], [999.8730094812606, 999.850789829584, 999.8507964572026, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '94'], [999.8730094812606, 999.8459992641269, 999.8460059961551, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '95'], [999.8730094812606, 999.8616566387193, 999.8616597079066, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '96'], [999.8730094812606, 999.8465849525065, 999.8465907149375, '-1011.101010000000101111011111', '-1000.11100010000010111001111', '38', '97'], [999.9210025166179, 999.8509639708659, 999.8509699117644, '-1010.101010000000101111011111', '-0000.11100010000010111001111', '38', '98'], [999.9276018043895, 999.7827590532103, 999.7827868516707, '-0010.101010000000101111011111', '-0100.11100010000010111001111', '38', '99'], [999.9551281079043, 999.84941612734, 999.8494402463374, '-0110.101010000000101111011111', '-0100.11100010000010111001111', '38', '100']]], [[[999.838797606002, 999.6192438495054, 999.6192643046971, '1010.001101010010000001011011', '-111.000100001010001100001111', '39', '1'], [999.8729680189808, 999.7992188967515, 999.7992241246694, '1010.011101010010000001011011', '-111.000100001010001100001111', '39', '2'], [999.8729743300352, 999.842564665621, 999.8425723325904, '1010.011101010010000001011011', '-111.000100000101110100001111', '39', '3'], [999.8730093905328, 999.8617829070971, 999.8617851821626, '1010.011101110010000001011011', '-111.000100000101110100001111', '39', '4'], [999.8730094150865, 999.8552707530143, 999.8552749539353, '1010.011101110010010001011011', '-111.000100000101110100001111', '39', '5'], [999.8730094471653, 999.8381556310901, 999.838166132919, '1010.011101110010000001011011', '-111.000100000100110100001111', '39', '6'], [999.8730094811062, 999.8369087387225, 999.8369188111473, '1010.011101110011000001011011', '-111.000100000100110110001111', '39', '7'], [999.8730094812558, 999.8589015017973, 999.8589035882491, '1010.011101110011000101011011', '-111.000100000100110100001111', '39', '8'], [999.8730094812604, 999.8536730723478, 999.8536772742499, '1010.011101110011000101011111', '-111.000100000100110101001111', '39', '9'], [999.8730094812607, 999.8621585241831, 999.8621607850129, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '10'], [999.8730094812607, 999.849255304697, 999.8492624189046, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '11'], [999.8730094812607, 999.841185889084, 999.8411935783496, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '12'], [999.8730094812607, 999.8477306273485, 999.8477375373934, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '13'], [999.8730094812607, 999.8280608903879, 999.8280732694974, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '14'], [999.8730094812607, 999.8410910218253, 999.8410997086527, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '15'], [999.8730094812607, 999.8582286423486, 999.8582319401984, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '16'], [999.8730094812607, 999.8609563656751, 999.8609591397152, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '17'], [999.8730094812607, 999.8531264001741, 999.8531310721035, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '18'], [999.8730094812607, 999.8508980066632, 999.8509032481447, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '19'], [999.8730094812607, 999.8313258229774, 999.8313381509591, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '20'], [999.8730094812607, 999.8688828314728, 999.8688831001175, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '21'], [999.8730094812607, 999.8405843354147, 999.8405938419884, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '22'], [999.8730094812607, 999.8409961966353, 999.8410038722469, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '23'], [999.8730094812607, 999.8281822002026, 999.8281943762286, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '24'], [999.8730094812607, 999.8629955909262, 999.8629967392719, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '25'], [999.8730094812607, 999.8435177729465, 999.8435254854573, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '26'], [999.8730094812607, 999.8411977716861, 999.8412080662308, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '27'], [999.8730094812607, 999.8511021937463, 999.8511075097329, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '28'], [999.8730094812607, 999.8641401862944, 999.8641418181387, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '29'], [999.8730094812607, 999.8464612036181, 999.8464667044392, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '30'], [999.8730094812607, 999.8565136875575, 999.8565179562019, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '31'], [999.8730094812607, 999.8585376607515, 999.8585402339412, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '32'], [999.8730094812607, 999.860634012673, 999.8606358864257, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '33'], [999.8730094812607, 999.8258278736216, 999.8258422139597, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '34'], [999.8730094812607, 999.8583096530834, 999.8583131475832, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '35'], [999.8730094812607, 999.8624526407692, 999.8624547535875, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '36'], [999.8730094812607, 999.8529024184915, 999.8529071439207, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '37'], [999.8730094812607, 999.8454970485816, 999.8455049505857, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '38'], [999.8730094812607, 999.8387245110453, 999.8387341449582, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '39'], [999.8730094812607, 999.8526078668641, 999.8526125506082, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '40'], [999.8730094812607, 999.8680019244815, 999.8680022951897, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '41'], [999.8730094812607, 999.846318581219, 999.8463233409118, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '42'], [999.8730094812607, 999.8313886957493, 999.8314001301383, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '43'], [999.8730094812607, 999.848361580756, 999.8483692496196, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '44'], [999.8730094812607, 999.8516676198398, 999.8516742571264, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '45'], [999.8730094812607, 999.8578650295971, 999.8578685119112, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '46'], [999.8730094812607, 999.8259665183556, 999.8259790692754, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '47'], [999.8730094812607, 999.8330343327103, 999.8330447358616, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '48'], [999.8730094812607, 999.857854612615, 999.8578571909949, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '49'], [999.8730094812607, 999.8278596833023, 999.8278702457029, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '50'], [999.8730094812607, 999.8618175715425, 999.8618198339601, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '51'], [999.8730094812607, 999.8281067050417, 999.8281189698581, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '52'], [999.8730094812607, 999.8497086282187, 999.8497149201579, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '53'], [999.8730094812607, 999.81979315391, 999.8198086482391, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '54'], [999.8730094812607, 999.8429900796432, 999.8429986924118, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '55'], [999.8730094812607, 999.8517865816182, 999.8517918065746, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '56'], [999.8730094812607, 999.8552599929455, 999.8552644296386, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '57'], [999.8730094812607, 999.8537693520389, 999.853775474292, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '58'], [999.8730094812607, 999.8680529762228, 999.8680532624095, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '59'], [999.8730094812607, 999.8430802110768, 999.8430868860685, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '60'], [999.8730094812607, 999.8489861347097, 999.848993370292, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '61'], [999.8730094812607, 999.8311604737536, 999.8311722945543, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '62'], [999.8730094812607, 999.8401129895105, 999.8401232221073, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '63'], [999.8730094812607, 999.8570450251303, 999.8570494640591, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '64'], [999.8730094812607, 999.8528734788598, 999.8528788383702, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '65'], [999.8730094812607, 999.8356787385314, 999.8356866650206, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '66'], [999.8730094812607, 999.8389966217541, 999.8390058696989, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '67'], [999.8730094812607, 999.8543332071047, 999.854337430834, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '68'], [999.8730094812607, 999.8600098011495, 999.8600131098298, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '69'], [999.8730094812607, 999.8429105996772, 999.8429187007491, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '70'], [999.8730094812607, 999.8709488851782, 999.8709489687947, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '71'], [999.8730094812607, 999.8565566496399, 999.8565624459511, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '72'], [999.8730094812607, 999.8570161333872, 999.8570205388819, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '73'], [999.8730094812607, 999.8495443903131, 999.8495506536265, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '74'], [999.8730094812607, 999.835851893573, 999.8358628747105, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '75'], [999.8730094812607, 999.8471994498173, 999.8472058771403, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '76'], [999.8730094812607, 999.8471819070421, 999.8471892753146, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '77'], [999.8730094812607, 999.8381452084038, 999.838155709543, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '78'], [999.8730094812607, 999.8581685509262, 999.8581723344464, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '79'], [999.8730094812607, 999.855758875871, 999.8557624800534, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '80'], [999.8730094812607, 999.8337350592171, 999.8337463200975, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '81'], [999.8730094812607, 999.8526511618528, 999.8526573048267, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '82'], [999.8730094812607, 999.8411426055562, 999.8411522111307, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '83'], [999.8730094812607, 999.838047983273, 999.8380590337367, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '84'], [999.8730094812607, 999.8506263232724, 999.8506321276698, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '85'], [999.8730094812607, 999.8497285126515, 999.8497351999616, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '86'], [999.8730094812607, 999.8354522749019, 999.8354615108868, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '87'], [999.8730094812607, 999.8056203697113, 999.8056395003753, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '88'], [999.8730094812607, 999.849702700224, 999.8497079974998, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '89'], [999.8730094812607, 999.8260484925576, 999.8260613708744, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '90'], [999.8730094812607, 999.8234110768142, 999.8234255107168, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '91'], [999.8730094812607, 999.8428626524376, 999.8428696006121, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '92'], [999.8730094812607, 999.8442340036652, 999.844242251391, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '93'], [999.8730094812607, 999.8607917431535, 999.8607935754198, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '94'], [999.8730094812607, 999.8387328841504, 999.8387406404637, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '95'], [999.8730094812607, 999.8254837532471, 999.8254972201657, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '96'], [999.8730094812607, 999.8595212468983, 999.8595245911197, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '97'], [999.8730094812607, 999.8464957755638, 999.8465025482752, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '98'], [999.8730094812607, 999.8654579250502, 999.8654593525312, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '99'], [999.8730094812607, 999.8373263569874, 999.8373364954979, '1010.011101110011000101011111', '-111.000100000100110101011111', '39', '100']]], [[[999.681269210309, 999.6154734171121, 999.6154763206684, '-10111.10110011010000001111011', '0.010100001011110010101001011', '40', '1'], [999.9618206428191, 999.6749589198309, 999.6749607421928, '-00111.10110011010000001111011', '0.010110001000001010001001011', '40', '2'], [999.9627754994317, 999.8176376712105, 999.81764777567, '-00111.10111011010000001111011', '0.010100001011110011101001011', '40', '3'], [999.9627759100235, 999.9563803750822, 999.9563811205226, '-00111.10111011010000001111011', '0.010101001011110010101001011', '40', '4'], [999.9627759154122, 999.9349451535313, 999.9349523618946, '-00111.10111011010000001111011', '0.010101001001110011101001011', '40', '5'], [999.9627759236928, 999.9351142217317, 999.9351221784342, '-00111.10111011010010011111011', '0.010101001001110011101001011', '40', '6'], [999.9627759246439, 999.9440519202383, 999.9440570374585, '-00111.10111011010000011111001', '0.010101000001110011101001011', '40', '7'], [999.96277592469, 999.9461563020643, 999.9461625079282, '-00111.10111011010000011111001', '0.010101000001111011101001011', '40', '8'], [999.9627759248907, 999.9499280877202, 999.9499310141583, '-00111.10111011010000001110001', '0.010101000001111011101001011', '40', '9'], [999.9627759248925, 999.9523094048573, 999.9523113313031, '-00111.10111011010000001110001', '0.010101000001110011101011011', '40', '10'], [999.9627759248925, 999.9442720889436, 999.9442776995695, '-00111.10111011010000001110001', '0.010101000001110011111001011', '40', '11'], [999.9627759248925, 999.9266084962196, 999.9266178147309, '-00111.10111011010000001110001', '0.010101000001110011111101011', '40', '12'], [999.9627759248925, 999.9620382951688, 999.9620383122491, '-00111.10111011010000001110001', '0.010101000001110011111101111', '40', '13'], [999.9627759248925, 999.9531524987382, 999.9531535006158, '-00111.10111011010000001110001', '0.010101000001110011111101111', '40', '14'], [999.9627759248925, 999.9235561824052, 999.9235687323088, '-00111.10111011010000001110001', '0.010101000001110011111101111', '40', '15'], [999.9627759248925, 999.9446319830491, 999.9446375741072, '-00111.10111011010000001110001', '0.010101000001110011111101111', '40', '16'], [999.9627759248925, 999.9310462801844, 999.9310535612839, '-00111.10111011010000001110001', '0.010101000001110011111101111', '40', '17'], [999.9627759248925, 999.9224378629976, 999.9224504154404, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '18'], [999.9627759248925, 999.9288489167599, 999.9288581112518, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '19'], [999.9627759248925, 999.942969808341, 999.9429755747059, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '20'], [999.9627759248925, 999.9351115852498, 999.9351194491949, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '21'], [999.9627759248925, 999.9343820478812, 999.9343907876198, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '22'], [999.9627759248925, 999.9360163676923, 999.9360241852964, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '23'], [999.9627759248925, 999.9494623726999, 999.9494668322249, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '24'], [999.9627759248925, 999.9349364661986, 999.9349428917695, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '25'], [999.9627759248925, 999.9455418558745, 999.9455458913459, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '26'], [999.9627759248925, 999.9299094634978, 999.929920543732, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '27'], [999.9627759248925, 999.9382409548447, 999.9382478489449, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '28'], [999.9627759248925, 999.9497415763319, 999.9497437081831, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '29'], [999.9627759248925, 999.9577646505985, 999.9577652351641, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '30'], [999.9627759248925, 999.9420149952452, 999.9420215635221, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '31'], [999.9627759248925, 999.9207488479578, 999.9207615358853, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '32'], [999.9627759248925, 999.9605878550709, 999.9605880747813, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '33'], [999.9627759248925, 999.9147725769967, 999.9147879409414, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '34'], [999.9627759248925, 999.9166412589027, 999.9166566935359, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '35'], [999.9627759248925, 999.9277542369923, 999.9277642098784, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '36'], [999.9627759248925, 999.9467108073835, 999.9467146799186, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '37'], [999.9627759248925, 999.9302017270842, 999.9302112818509, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '38'], [999.9627759248925, 999.9429493001506, 999.9429550661798, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '39'], [999.9627759248925, 999.9191639232439, 999.9191782647192, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '40'], [999.9627759248925, 999.9253819387849, 999.9253921328302, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '41'], [999.9627759248925, 999.9474302562293, 999.9474355199834, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '42'], [999.9627759248925, 999.9543109400096, 999.9543125287111, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '43'], [999.9627759248925, 999.947900530285, 999.9479042450575, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '44'], [999.9627759248925, 999.9292985367896, 999.9293086357651, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '45'], [999.9627759248925, 999.9417401179983, 999.9417460516327, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '46'], [999.9627759248925, 999.9390148566007, 999.9390225089353, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '47'], [999.9627759248925, 999.9468246919781, 999.9468307437099, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '48'], [999.9627759248925, 999.9330678637937, 999.9330772595102, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '49'], [999.9627759248925, 999.9421866276774, 999.9421930334088, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '50'], [999.9627759248925, 999.9251114344926, 999.9251226006098, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '51'], [999.9627759248925, 999.9403317683615, 999.9403375717912, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '52'], [999.9627759248925, 999.9223048874128, 999.9223167648012, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '53'], [999.9627759248925, 999.9335873506581, 999.9335954600476, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '54'], [999.9627759248925, 999.9546531587632, 999.9546561427253, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '55'], [999.9627759248925, 999.929883507931, 999.9298938113241, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '56'], [999.9627759248925, 999.9323688856388, 999.9323799654828, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '57'], [999.9627759248925, 999.9045261344768, 999.9045448255458, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '58'], [999.9627759248925, 999.9361827029683, 999.9361905233798, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '59'], [999.9627759248925, 999.9375300989194, 999.9375378972246, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '60'], [999.9627759248925, 999.9516843877614, 999.9516877308646, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '61'], [999.9627759248925, 999.9409923670315, 999.940997679349, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '62'], [999.9627759248925, 999.9191259483347, 999.919138144922, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '63'], [999.9627759248925, 999.9332551271119, 999.9332625607301, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '64'], [999.9627759248925, 999.9305541408631, 999.9305633196607, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '65'], [999.9627759248925, 999.935638288881, 999.9356467598133, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '66'], [999.9627759248925, 999.9387619233909, 999.9387695733261, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '67'], [999.9627759248925, 999.9446909754241, 999.944696420253, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '68'], [999.9627759248925, 999.9467914361417, 999.9467953090095, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '69'], [999.9627759248925, 999.9358804024358, 999.9358890076318, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '70'], [999.9627759248925, 999.931673554733, 999.931684630375, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '71'], [999.9627759248925, 999.9250552661175, 999.9250674048689, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '72'], [999.9627759248925, 999.936222208379, 999.9362300295853, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '73'], [999.9627759248925, 999.9409958890469, 999.9410032345129, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '74'], [999.9627759248925, 999.9525523732015, 999.9525555597601, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '75'], [999.9627759248925, 999.9360595721809, 999.9360687962755, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '76'], [999.9627759248925, 999.9348617799591, 999.9348713009297, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '77'], [999.9627759248925, 999.9410664793919, 999.9410715818789, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '78'], [999.9627759248925, 999.9182665362845, 999.9182810180238, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '79'], [999.9627759248925, 999.9377715858998, 999.9377784716316, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '80'], [999.9627759248925, 999.934186835228, 999.9341946772894, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '81'], [999.9627759248925, 999.9401047544175, 999.9401127315892, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '82'], [999.9627759248925, 999.9536863026431, 999.9536886867563, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '83'], [999.9627759248925, 999.9388304654576, 999.9388371903403, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '84'], [999.9627759248925, 999.9521576428465, 999.9521608406798, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '85'], [999.9627759248925, 999.9491135901492, 999.949117890392, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '86'], [999.9627759248925, 999.9308007107819, 999.9308094783677, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '87'], [999.9627759248925, 999.9569290154199, 999.9569303974625, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '88'], [999.9627759248925, 999.9556283362439, 999.9556291297491, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '89'], [999.9627759248925, 999.9437560119309, 999.9437622511817, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '90'], [999.9627759248925, 999.9458413196186, 999.945847520584, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '91'], [999.9627759248925, 999.947686679089, 999.9476919328961, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '92'], [999.9627759248925, 999.9158250630059, 999.9158396809365, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '93'], [999.9627759248925, 999.948630793606, 999.9486351143977, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '94'], [999.9627759248925, 999.9390900120331, 999.9390975215441, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '95'], [999.9627759248925, 999.906639641636, 999.906657617855, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '96'], [999.9627759248925, 999.9291272848812, 999.9291378797457, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '97'], [999.9627759248925, 999.9556846097806, 999.9556867892327, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '98'], [999.9627759248925, 999.9472718920475, 999.947277142577, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '99'], [999.9627759248925, 999.9384706823113, 999.9384778358065, '-00111.10111011010000001110001', '0.010101000001110011111111111', '40', '100']]], [[[999.8220067821445, 999.6357235339133, 999.6357406642448, '0000.011000010001000110011100', '-1101.00101111010001001001', '41', '1'], [999.8428411406716, 999.7992279172274, 999.7992325755469, '0000.011000010001000110011100', '-1101.0011111101000100101', '41', '2'], [999.8728372233475, 999.816475307492, 999.8164774313929, '0000.011000000001000110011100', '-1101.0110111101010100101', '41', '3'], [999.8729005304891, 999.8643494135333, 999.8643504662663, '0000.010000000001000110011100', '-1101.0110111101010100101', '41', '4'], [999.8729476504708, 999.819554270918, 999.819570296872, '0000.000000000101000110011100', '-1101.0110111101110100101', '41', '5'], [999.8729713404985, 999.8488939478196, 999.8489004520974, '0000.000000000101000110011100', '-1101.0110111111110100101', '41', '6'], [999.8729726323153, 999.8392213699819, 999.839230260044, '0000.000000000100000110011100', '-1101.0110111111111100101', '41', '7'], [999.8729729517361, 999.8382353825618, 999.8382443390419, '0000.000000000100000110011100', '-1101.0110111111111110101', '41', '8'], [999.872972991566, 999.8372945284824, 999.8373037847809, '0000.000000000100000110011000', '-1101.0110111111111110111', '41', '9'], [999.872972991982, 999.8453786920601, 999.8453858778242, '0000.000000000000000110011000', '-1101.0110111111111110111', '41', '10'], [999.8729731506683, 999.8481328633184, 999.8481376937428, '0000.000000000100000110011000', '-1101.0110111111111111111', '41', '11'], [999.8729731510834, 999.8429246113747, 999.8429320829378, '0000.000000000000000010011000', '-1101.0110111111111111111', '41', '12'], [999.8729731510836, 999.8504825568843, 999.8504884070455, '0000.000000000000000010010000', '-1101.0110111111111111111', '41', '13'], [999.8729731510836, 999.8503188411312, 999.8503250619212, '0000.000000000000000010010010', '-1101.0110111111111111111', '41', '14'], [999.8729731510836, 999.8301900575966, 999.8302004077963, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '15'], [999.8729731510836, 999.8480146774282, 999.8480195989978, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '16'], [999.8729731510836, 999.8629718690182, 999.8629743740182, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '17'], [999.8729731510836, 999.8484353489562, 999.8484401642344, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '18'], [999.8729731510836, 999.8625116594047, 999.8625130169376, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '19'], [999.8729731510836, 999.8509776466497, 999.8509842474909, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '20'], [999.8729731510836, 999.8547486002769, 999.8547536474001, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '21'], [999.8729731510836, 999.8381679174063, 999.8381747543001, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '22'], [999.8729731510836, 999.8498329034845, 999.8498391246151, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '23'], [999.8729731510836, 999.8351555833448, 999.8351662645924, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '24'], [999.8729731510836, 999.8578747591088, 999.8578777332779, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '25'], [999.8729731510836, 999.8507165025007, 999.8507218218335, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '26'], [999.8729731510836, 999.8565556114199, 999.8565600120427, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '27'], [999.8729731510836, 999.8561263440748, 999.8561300076753, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '28'], [999.8729731510836, 999.8641197797893, 999.8641214878706, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '29'], [999.8729731510836, 999.8693614562644, 999.8693617873864, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '30'], [999.8729731510836, 999.845606183326, 999.8456122179414, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '31'], [999.8729731510836, 999.8576407618162, 999.8576443171921, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '32'], [999.8729731510836, 999.8520267172914, 999.8520322328711, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '33'], [999.8729731510836, 999.8483432546866, 999.8483514656186, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '34'], [999.8729731510836, 999.8509184697431, 999.8509224835419, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '35'], [999.8729731510836, 999.8382206798011, 999.8382311359157, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '36'], [999.8729731510836, 999.8404069641023, 999.8404151389499, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '37'], [999.8729731510836, 999.8278097054729, 999.8278243522212, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '38'], [999.8729731510836, 999.8515101978952, 999.8515144228998, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '39'], [999.8729731510836, 999.8498629847487, 999.8498707432013, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '40'], [999.8729731510836, 999.8508747343002, 999.8508792972515, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '41'], [999.8729731510836, 999.8556062940661, 999.8556105173757, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '42'], [999.8729731510836, 999.857446685251, 999.8574491130761, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '43'], [999.8729731510836, 999.8618280784245, 999.8618299543915, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '44'], [999.8729731510836, 999.8499904488735, 999.8499970216843, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '45'], [999.8729731510836, 999.8599421961703, 999.8599446292146, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '46'], [999.8729731510836, 999.8654230725359, 999.8654242037197, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '47'], [999.8729731510836, 999.8596575829372, 999.8596619214253, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '48'], [999.8729731510836, 999.8593545564968, 999.8593578429139, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '49'], [999.8729731510836, 999.8372712465022, 999.8372803274048, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '50'], [999.8729731510836, 999.8585736213713, 999.8585763538819, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '51'], [999.8729731510836, 999.8438915689429, 999.8438992956558, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '52'], [999.8729731510836, 999.8572203211737, 999.8572235248115, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '53'], [999.8729731510836, 999.8343060861511, 999.8343152646747, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '54'], [999.8729731510836, 999.8644376541212, 999.8644397237514, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '55'], [999.8729731510836, 999.852888326381, 999.8528936949016, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '56'], [999.8729731510836, 999.8346049752254, 999.8346171330518, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '57'], [999.8729731510836, 999.8477363566242, 999.8477424982101, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '58'], [999.8729731510836, 999.8655378017604, 999.8655395855146, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '59'], [999.8729731510836, 999.8541821464927, 999.8541864448084, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '60'], [999.8729731510836, 999.854536467395, 999.854541557111, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '61'], [999.8729731510836, 999.8363955093388, 999.8364029294981, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '62'], [999.8729731510836, 999.8505983280664, 999.8506034836648, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '63'], [999.8729731510836, 999.8678739829941, 999.8678744435255, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '64'], [999.8729731510836, 999.8408884428868, 999.840896718797, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '65'], [999.8729731510836, 999.8242057458918, 999.8242168179526, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '66'], [999.8729731510836, 999.8470238832211, 999.8470296915888, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '67'], [999.8729731510836, 999.8331756771868, 999.8331881263497, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '68'], [999.8729731510836, 999.8475165224163, 999.8475227694424, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '69'], [999.8729731510836, 999.8320502375857, 999.8320607248397, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '70'], [999.8729731510836, 999.8212311748654, 999.8212455563348, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '71'], [999.8729731510836, 999.8370853166193, 999.8370962130809, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '72'], [999.8729731510836, 999.8427016498406, 999.8427105193124, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '73'], [999.8729731510836, 999.8696906738289, 999.8696910027691, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '74'], [999.8729731510836, 999.8385280661387, 999.838534198102, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '75'], [999.8729731510836, 999.8278070700683, 999.8278179835157, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '76'], [999.8729731510836, 999.8058165753405, 999.8058339229907, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '77'], [999.8729731510836, 999.8514645876598, 999.8514691809413, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '78'], [999.8729731510836, 999.8499187857072, 999.8499248328822, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '79'], [999.8729731510836, 999.83059877082, 999.8306115792118, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '80'], [999.8729731510836, 999.8633782884558, 999.8633803649802, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '81'], [999.8729731510836, 999.8552520611523, 999.8552565946201, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '82'], [999.8729731510836, 999.8659979678736, 999.8659990685165, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '83'], [999.8729731510836, 999.8598784512687, 999.8598806000291, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '84'], [999.8729731510836, 999.8578461803074, 999.8578506372405, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '85'], [999.8729731510836, 999.8396744434541, 999.8396828119272, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '86'], [999.8729731510836, 999.8463833680385, 999.8463896347893, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '87'], [999.8729731510836, 999.8207026609708, 999.8207177470167, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '88'], [999.8729731510836, 999.8524484040995, 999.8524528591297, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '89'], [999.8729731510836, 999.8499189735952, 999.849922861727, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '90'], [999.8729731510836, 999.8574317029438, 999.857435049329, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '91'], [999.8729731510836, 999.8624501283006, 999.8624519566283, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '92'], [999.8729731510836, 999.8340501948227, 999.8340612691011, '0000.000000000000000010010011', '-1101.0110111111111111111', '41', '93'], [999.8861271502077, 999.8529597625644, 999.8529641973481, '1000.000000000000000010010011', '-0101.0110111111111111111', '41', '94'], [999.9217003258235, 999.8341350733059, 999.8341499477865, '1000.010000000000000010010011', '-0101.0110111111111111111', '41', '95'], [999.921700341941, 999.902247937316, 999.9022521122104, '1000.010000000000000010000011', '-0101.0110111111111111111', '41', '96'], [999.9217003449629, 999.8639577189316, 999.8639750049305, '1000.010000000000000010000000', '-0101.0110111111111111111', '41', '97'], [999.9217004718452, 999.8703938457874, 999.8704117673838, '1000.010000000000000000000010', '-0101.0110111111111111111', '41', '98'], [999.9217004718452, 999.8763160331904, 999.876330458576, '1000.010000000000000000000010', '-0101.0110111111111111111', '41', '99'], [999.9217004738587, 999.8789543985456, 999.8789689748097, '1000.010000000000000000000000', '-0101.0110111111111111111', '41', '100']]], [[[999.716157891338, 999.5613031282721, 999.5613153405088, '-10100.001001111111111111101', '-1010.00110010000110001010100', '42', '1'], [999.7265460912432, 999.6941104405898, 999.6941129846088, '-10100.001001111110010111101', '-1010.01110111000110001010000', '42', '2'], [999.7265588834455, 999.6844943936637, 999.6844974645905, '-10100.001001111111111111101', '-1010.01110111000110001010000', '42', '3'], [999.7272028643406, 999.697009241856, 999.6970136741754, '-10100.001011111111111111101', '-1010.01110111000110001010000', '42', '4'], [999.7272110873175, 999.70430864429, 999.7043119666356, '-10100.001011111111111111101', '-1010.01110111100110001010000', '42', '5'], [999.7272130488705, 999.7058871543076, 999.7058906761424, '-10100.001011111111111111111', '-1010.01110111101110001010000', '42', '6'], [999.7272168260118, 999.7120759813484, 999.7120780511223, '-10100.001011111111111111101', '-1010.01110111111110001010000', '42', '7'], [999.7272532802549, 999.7181274827395, 999.7181286900685, '-10100.001011111111111111101', '-1010.01111111101111001010000', '42', '8'], [999.7272575036128, 999.7159571768133, 999.7159585664805, '-10100.001011110111111111101', '-1010.01111111101111001010000', '42', '9'], [999.7272575899418, 999.712213668789, 999.7122157178281, '-10100.001011110111101111101', '-1010.01111111101111001010010', '42', '10'], [999.7272589026966, 999.7059732075068, 999.7059757964523, '-10100.001011110111111011101', '-1010.01111110101111001010000', '42', '11'], [999.7272589038838, 999.7032647329255, 999.7032677496261, '-10100.001011110111101011101', '-1010.01111110101111001010001', '42', '12'], [999.7272589038864, 999.7004273824482, 999.7004309291107, '-10100.001011110111101011111', '-1010.01111110101111001010001', '42', '13'], [999.7272589038874, 999.7105111899223, 999.7105136543281, '-10100.001011110111101011111', '-1010.01111110101111001011001', '42', '14'], [999.72725890389, 999.7025468695283, 999.702550362053, '-10100.001011110111101011111', '-1010.01111110101111001111001', '42', '15'], [999.7272589038901, 999.7058696387953, 999.7058725922828, '-10100.001011110111101011000', '-1010.01111110101111011010001', '42', '16'], [999.7272589038901, 999.7147747238844, 999.7147764469898, '-10100.001011110111101011000', '-1010.01111110101111011010001', '42', '17'], [999.7272589038903, 999.7128769159914, 999.7128788316325, '-10100.001011110111101011000', '-1010.01111110101111011000001', '42', '18'], [999.7272589038903, 999.7125946911351, 999.7125965789057, '-10100.001011110111101011000', '-1010.01111110101111011001001', '42', '19'], [999.7272589038903, 999.7028221736183, 999.702825602027, '-10100.001011110111101011000', '-1010.01111110101111011001001', '42', '20'], [999.7272589038903, 999.7107447093298, 999.7107474102314, '-10100.001011110111101011000', '-1010.01111110101111011001001', '42', '21'], [999.7272589038903, 999.7085913097605, 999.7085936345736, '-10100.001011110111101011000', '-1010.01111110101111011001001', '42', '22'], [999.7272589038903, 999.7012882881494, 999.7012916536672, '-10100.001011110111101011000', '-1010.01111110101111011001001', '42', '23'], [999.7272589038903, 999.7112735285941, 999.7112758459037, '-10100.001011110111101011000', '-1010.01111110101111011001001', '42', '24'], [999.7272589038903, 999.6907328411013, 999.6907383560518, '-10100.001011110111101011000', '-1010.01111110101111011001001', '42', '25'], [999.7272589038903, 999.6969671828817, 999.6969714682468, '-10100.001011110111101011000', '-1010.01111110101111011001001', '42', '26'], [999.7272589038903, 999.7218547875472, 999.7218553515198, '-10100.001011110111101011000', '-1010.01111110101111011001001', '42', '27'], [999.7272589038903, 999.7113550757433, 999.7113572220874, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '28'], [999.7272589038903, 999.7124534063693, 999.7124556198179, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '29'], [999.7272589038903, 999.7055354622136, 999.7055383888289, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '30'], [999.7272589038903, 999.7087047682908, 999.7087071776112, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '31'], [999.7272589038903, 999.7060837118053, 999.7060864753528, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '32'], [999.7272589038903, 999.7142414968667, 999.7142429363889, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '33'], [999.7272589038903, 999.705587077232, 999.705589721078, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '34'], [999.7272589038903, 999.7077000192729, 999.7077026900787, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '35'], [999.7272589038903, 999.716155433635, 999.7161566713287, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '36'], [999.7272589038903, 999.7163357715508, 999.7163372218479, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '37'], [999.7272589038903, 999.7053067174086, 999.705309417567, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '38'], [999.7272589038903, 999.7165222696896, 999.7165234659889, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '39'], [999.7272589038903, 999.708260396823, 999.7082631865158, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '40'], [999.7272589038903, 999.6964643769477, 999.6964688863983, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '41'], [999.7272589038903, 999.708290286681, 999.7082927984384, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '42'], [999.7272589038903, 999.7121185770177, 999.7121207176164, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '43'], [999.7272589038903, 999.7063290812497, 999.7063320262804, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '44'], [999.7272589038903, 999.7129499992869, 999.7129519997583, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '45'], [999.7272589038903, 999.7126088869205, 999.7126108051567, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '46'], [999.7272589038903, 999.716051017049, 999.7160526566062, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '47'], [999.7272589038903, 999.6993954247376, 999.6993993173903, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '48'], [999.7272589038903, 999.7190147764071, 999.7190160344038, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '49'], [999.7272589038903, 999.7171938564551, 999.7171950007682, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '50'], [999.7272589038903, 999.7032097869751, 999.7032134679347, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '51'], [999.7272589038903, 999.7147643257125, 999.7147658037327, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '52'], [999.7272589038903, 999.7078111845601, 999.7078141252065, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '53'], [999.7272589038903, 999.7156153546412, 999.7156169421268, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '54'], [999.7272589038903, 999.7134926779758, 999.7134948883061, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '55'], [999.7272589038903, 999.7075037679766, 999.7075068272794, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '56'], [999.7272589038903, 999.7120251183734, 999.712027590666, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '57'], [999.7272589038903, 999.7173379361685, 999.7173391720856, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '58'], [999.7272589038903, 999.7033386297009, 999.7033420246147, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '59'], [999.7272589038903, 999.7089952835543, 999.7089979877873, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '60'], [999.7272589038903, 999.7084802141985, 999.7084827585113, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '61'], [999.7272589038903, 999.7070110409556, 999.707013768113, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '62'], [999.7272589038903, 999.7170902126122, 999.7170914763286, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '63'], [999.7272589038903, 999.7149744443855, 999.7149758978642, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '64'], [999.7272589038903, 999.7150053939829, 999.7150072095766, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '65'], [999.7272589038903, 999.70860601641, 999.7086085993402, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '66'], [999.7272589038903, 999.6997287515504, 999.6997330478902, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '67'], [999.7272589038903, 999.7224780889156, 999.7224786310758, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '68'], [999.7272589038903, 999.7040596570114, 999.7040625605347, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '69'], [999.7272589038903, 999.708023845548, 999.7080262614561, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '70'], [999.7272589038903, 999.716622285522, 999.7166237613101, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '71'], [999.7272589038903, 999.7059922709184, 999.7059950104531, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '72'], [999.7272589038903, 999.7146305137269, 999.7146320449522, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '73'], [999.7272589038903, 999.701016735077, 999.7010204414411, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '74'], [999.7272589038903, 999.6979805481532, 999.6979844138409, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '75'], [999.7272589038903, 999.7153434458278, 999.7153446022926, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '76'], [999.7272589038903, 999.708674003522, 999.7086765685499, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '77'], [999.7272589038903, 999.7003377748742, 999.7003411943931, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '78'], [999.7272589038903, 999.71010963056, 999.7101126234139, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '79'], [999.7272589038903, 999.7080670021948, 999.7080697404683, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '80'], [999.7272589038903, 999.7012929280245, 999.7012968497144, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '81'], [999.7272589038903, 999.7020263691358, 999.7020299853302, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '82'], [999.7272589038903, 999.7024640424579, 999.7024677284758, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '83'], [999.7272589038903, 999.7133645672479, 999.7133667776981, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '84'], [999.7272589038903, 999.7084326071797, 999.7084353351036, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '85'], [999.7272589038903, 999.6964552993828, 999.6964595586088, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '86'], [999.7272589038903, 999.7067517503106, 999.7067547943136, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '87'], [999.7272589038903, 999.7130810922486, 999.7130832823468, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '88'], [999.7272589038903, 999.7152729390332, 999.7152743920336, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '89'], [999.7272589038903, 999.7083707787372, 999.708373153977, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '90'], [999.7272589038903, 999.7160899159734, 999.7160913191709, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '91'], [999.7272589038903, 999.7128282421996, 999.7128303175303, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '92'], [999.7272589038903, 999.7007956182814, 999.7007995077358, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '93'], [999.7272589038903, 999.7028720041402, 999.7028754148271, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '94'], [999.7272589038903, 999.705050497397, 999.7050538928631, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '95'], [999.7272589038903, 999.699244134037, 999.6992481941405, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '96'], [999.7272589038903, 999.714350390079, 999.7143518285565, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '97'], [999.7272589038903, 999.7001799330495, 999.7001836807194, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '98'], [999.7272589038903, 999.7019870911738, 999.7019905988436, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '99'], [999.7272589038903, 999.7018733623872, 999.7018770174993, '-10100.001011110111101011001', '-1010.01111110101111011000001', '42', '100']]], [[[999.8233513914487, 999.6845166920662, 999.6845307710395, '1011.01101010100101001001101', '-110.00101100010101011000011', '43', '1'], [999.8718366434914, 999.7420671652498, 999.742083177965, '1011.00101010100101001001111', '-110.001011000101010110001000', '43', '2'], [999.8729910944791, 999.8412569367466, 999.841258529916, '1011.00101010100101001001111', '-110.001111111010001001001010', '43', '3'], [999.8824532490803, 999.8584055621561, 999.8584076502977, '0011.00101010100101001001111', '-110.001111000101000001001010', '43', '4'], [999.9583220334075, 999.858195804902, 999.8582018934026, '0011.00101010000101001001111', '-110.011111111010001001001010', '43', '5'], [999.9627702397578, 999.9316144059726, 999.9316170728606, '0011.01101010000101001001111', '-110.101111000101001011001010', '43', '6'], [999.9627702691022, 999.9304043962289, 999.93040749608, '0011.01101010000101001001111', '-110.101111000101001001001010', '43', '7'], [999.9627758151801, 999.9421962680708, 999.9422021887422, '0011.01101011000101001001111', '-110.101111000101001001001000', '43', '8'], [999.962775853476, 999.930875043983, 999.9308854412008, '0011.01101011000111001001111', '-110.101111000101001001001000', '43', '9'], [999.9627759204203, 999.9228070256468, 999.9228187342467, '0011.01101011001101011001111', '-110.101111000101001001000000', '43', '10'], [999.9627759231919, 999.9588584984181, 999.9588586959525, '0011.01101011001101011011111', '-110.101111000101000001000000', '43', '11'], [999.9627759248842, 999.9521394961916, 999.9521411782921, '0011.01101011001111011001111', '-110.101111000101001001000000', '43', '12'], [999.9627759248842, 999.9388231473649, 999.9388320121088, '0011.01101011001111011001111', '-110.101111000101001001000000', '43', '13'], [999.962775924889, 999.9505674588128, 999.9505691976531, '0011.01101011001111011011111', '-110.101111000101001001000000', '43', '14'], [999.9627759248925, 999.9367426929742, 999.9367499437901, '0011.01101011001111011111111', '-110.101111000101001001000010', '43', '15'], [999.9627759248925, 999.9378265804339, 999.9378334333499, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '16'], [999.9627759248925, 999.9304168555298, 999.9304235907186, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '17'], [999.9627759248925, 999.9515047702959, 999.9515055273464, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '18'], [999.9627759248925, 999.950177790554, 999.9501796313499, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '19'], [999.9627759248925, 999.9529842628076, 999.9529858628305, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '20'], [999.9627759248925, 999.9256042715435, 999.9256139172905, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '21'], [999.9627759248925, 999.936382610304, 999.9363898657156, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '22'], [999.9627759248925, 999.9431315691982, 999.943135629571, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '23'], [999.9627759248925, 999.942794554102, 999.9427987703922, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '24'], [999.9627759248925, 999.9342415095621, 999.9342461023847, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '25'], [999.9627759248925, 999.9404548840815, 999.9404609556501, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '26'], [999.9627759248925, 999.9525631662403, 999.9525639044886, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '27'], [999.9627759248925, 999.9313559535534, 999.9313661699281, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '28'], [999.9627759248925, 999.9413164967582, 999.9413215424335, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '29'], [999.9627759248925, 999.9319749953651, 999.9319851896073, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '30'], [999.9627759248925, 999.9440944983845, 999.9440985099332, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '31'], [999.9627759248925, 999.9604642221962, 999.9604643246174, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '32'], [999.9627759248925, 999.9479333079315, 999.9479353214127, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '33'], [999.9627759248925, 999.9392153731817, 999.9392213222367, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '34'], [999.9627759248925, 999.9297155397124, 999.9297239225352, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '35'], [999.9627759248925, 999.9333971599752, 999.9334035446125, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '36'], [999.9627759248925, 999.9435999767173, 999.9436057980702, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '37'], [999.9627759248925, 999.9467402187039, 999.9467430396778, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '38'], [999.9627759248925, 999.9448338588373, 999.9448396589114, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '39'], [999.9627759248925, 999.9484053331321, 999.9484071005024, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '40'], [999.9627759248925, 999.934274003081, 999.9342840990091, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '41'], [999.9627759248925, 999.9432843007244, 999.9432901930038, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '42'], [999.9627759248925, 999.9289739740053, 999.9289870423077, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '43'], [999.9627759248925, 999.9512790494549, 999.9512807087315, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '44'], [999.9627759248925, 999.9534633189102, 999.9534638869715, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '45'], [999.9627759248925, 999.9307546508373, 999.9307646723887, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '46'], [999.9627759248925, 999.929700156787, 999.9297105574144, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '47'], [999.9627759248925, 999.9261158613407, 999.9261280192478, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '48'], [999.9627759248925, 999.9510784280944, 999.9510813048606, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '49'], [999.9627759248925, 999.9562593299544, 999.9562597464608, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '50'], [999.9627759248925, 999.9459589784144, 999.9459637930626, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '51'], [999.9627759248925, 999.9456811493072, 999.9456842862152, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '52'], [999.9627759248925, 999.9524085035754, 999.9524101987976, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '53'], [999.9627759248925, 999.944286502295, 999.9442913775074, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '54'], [999.9627759248925, 999.9395352919612, 999.9395422957286, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '55'], [999.9627759248925, 999.9422466115014, 999.9422498697528, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '56'], [999.9627759248925, 999.9381368252361, 999.9381440661215, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '57'], [999.9627759248925, 999.9356248399095, 999.9356285178973, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '58'], [999.9627759248925, 999.9096067909262, 999.9096279161745, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '59'], [999.9627759248925, 999.9378011817715, 999.9378092292673, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '60'], [999.9627759248925, 999.9530807834204, 999.9530823957258, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '61'], [999.9627759248925, 999.9277296978029, 999.9277383935748, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '62'], [999.9627759248925, 999.9221690736767, 999.922181389555, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '63'], [999.9627759248925, 999.9480025188772, 999.948004574776, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '64'], [999.9627759248925, 999.9473537197551, 999.9473567855366, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '65'], [999.9627759248925, 999.9456349293179, 999.9456379392642, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '66'], [999.9627759248925, 999.9417702281089, 999.9417733688173, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '67'], [999.9627759248925, 999.9452011588127, 999.9452070036069, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '68'], [999.9627759248925, 999.9363308912656, 999.936336161503, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '69'], [999.9627759248925, 999.9509438097189, 999.9509448853959, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '70'], [999.9627759248925, 999.9500322650813, 999.9500341583247, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '71'], [999.9627759248925, 999.9336760226291, 999.9336835621635, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '72'], [999.9627759248925, 999.9420772461317, 999.9420832199504, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '73'], [999.9627759248925, 999.9469081945047, 999.9469110281998, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '74'], [999.9627759248925, 999.9509594919521, 999.950961327027, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '75'], [999.9627759248925, 999.9267471214251, 999.9267612462685, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '76'], [999.9627759248925, 999.9346521952913, 999.9346595926692, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '77'], [999.9627759248925, 999.9277573040495, 999.9277676808337, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '78'], [999.9627759248925, 999.9263235857516, 999.9263350921158, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '79'], [999.9627759248925, 999.9454102374491, 999.945412561432, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '80'], [999.9627759248925, 999.9434090725034, 999.9434149919579, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '81'], [999.9627759248925, 999.9398578328817, 999.9398647686406, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '82'], [999.9627759248925, 999.9460746484431, 999.9460765508971, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '83'], [999.9627759248925, 999.9339340285654, 999.9339429878504, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '84'], [999.9627759248925, 999.9396806500098, 999.9396867066714, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '85'], [999.9627759248925, 999.9418849086968, 999.9418917995577, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '86'], [999.9627759248925, 999.9428889704899, 999.9428930866682, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '87'], [999.9627759248925, 999.9383252409011, 999.9383314402205, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '88'], [999.9627759248925, 999.9443860167208, 999.9443909234625, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '89'], [999.9627759248925, 999.9199949943769, 999.920009334294, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '90'], [999.9627759248925, 999.9516416194424, 999.9516431798747, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '91'], [999.9627759248925, 999.9478403632784, 999.9478450872055, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '92'], [999.9627759248925, 999.9439651515406, 999.9439701207987, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '93'], [999.9627759248925, 999.9422577951591, 999.9422618551075, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '94'], [999.9627759248925, 999.9537961996933, 999.953796928643, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '95'], [999.9627759248925, 999.9448769395592, 999.9448823189116, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '96'], [999.9627759248925, 999.9480551557763, 999.9480598312955, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '97'], [999.9627759248925, 999.9504532753673, 999.9504578584166, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '98'], [999.9627759248925, 999.9500181362121, 999.9500200177057, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '99'], [999.9627759248925, 999.9444366413665, 999.9444389993503, '0011.01101011001111011111111', '-110.101111000101001001000110', '43', '100']]], [[[999.987960875374, 999.7349598511096, 999.7349891602158, '-010.0100000010011101010010', '-11.01010101101011011101010110', '44', '1'], [999.9900044016136, 999.9442276589668, 999.944238724128, '-010.0100000011001101010010', '-11.01011111010011110011010110', '44', '2'], [999.9902750108961, 999.972571725624, 999.972576674403, '-010.0100101001001101010010', '-11.01011101010011110011010110', '44', '3'], [999.9902835264751, 999.9708783424368, 999.970883888, '-010.0100100001001101010010', '-11.01011111010011110011010110', '44', '4'], [999.9902837900518, 999.9746344781164, 999.9746374132333, '-010.0100100001001101010110', '-11.01011111010111110011010110', '44', '5'], [999.9902840697072, 999.9650338182817, 999.9650428880078, '-010.0100100001001101010110', '-11.01011111011111110011010110', '44', '6'], [999.9902840899945, 999.9795926439662, 999.979594480156, '-010.0100100001011101010110', '-11.01011111011111110010010110', '44', '7'], [999.9902840900951, 999.9773522761285, 999.977356732853, '-010.0100100001011111010110', '-11.01011111011111110010010110', '44', '8'], [999.9902840901133, 999.9788458072015, 999.9788474459393, '-010.0100100001011110010110', '-11.01011111011111110010010110', '44', '9'], [999.9902840901225, 999.9690406357203, 999.9690460201625, '-010.0100100001011110010110', '-11.01011111011111110110010110', '44', '10'], [999.9902840901225, 999.9819701187048, 999.9819708637075, '-010.0100100001011110010110', '-11.01011111011111110110010110', '44', '11'], [999.9902840901225, 999.9856973860994, 999.9856980104526, '-010.0100100001011110010110', '-11.01011111011111110110011110', '44', '12'], [999.9902840901225, 999.9602828899343, 999.9602922799315, '-010.0100100001011110010110', '-11.01011111011111110110011110', '44', '13'], [999.9902840901225, 999.9827825255107, 999.9827837221862, '-010.0100100001011110010110', '-11.01011111011111110110011110', '44', '14'], [999.9902840901225, 999.952251346388, 999.9522651946403, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '15'], [999.9902840901225, 999.9845543099369, 999.9845549510003, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '16'], [999.9902840901225, 999.963913152708, 999.9639194633246, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '17'], [999.9902840901225, 999.9596481502097, 999.9596556438739, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '18'], [999.9902840901225, 999.9883376922578, 999.9883377349358, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '19'], [999.9902840901225, 999.9813509388073, 999.9813517995244, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '20'], [999.9902840901225, 999.9723107840249, 999.9723163169632, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '21'], [999.9902840901225, 999.9803307796453, 999.98033209429, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '22'], [999.9902840901225, 999.9810672966873, 999.9810683868805, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '23'], [999.9902840901225, 999.9641410884167, 999.9641475087174, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '24'], [999.9902840901225, 999.9704647192168, 999.970469911799, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '25'], [999.9902840901225, 999.9790291268232, 999.9790304561005, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '26'], [999.9902840901225, 999.987245507858, 999.9872456556463, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '27'], [999.9902840901225, 999.9824771598802, 999.9824780357146, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '28'], [999.9902840901225, 999.9776808129784, 999.9776851441598, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '29'], [999.9902840901225, 999.9507128442956, 999.9507244041785, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '30'], [999.9902840901225, 999.9562553589126, 999.9562639633733, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '31'], [999.9902840901225, 999.981861471845, 999.9818628709543, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '32'], [999.9902840901225, 999.9757292699474, 999.9757317478854, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '33'], [999.9902840901225, 999.9688368625867, 999.9688435567032, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '34'], [999.9902840901225, 999.9795716368724, 999.979575865666, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '35'], [999.9902840901225, 999.9758519811879, 999.9758565207643, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '36'], [999.9902840901225, 999.9621845339075, 999.9621971494154, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '37'], [999.9902840901225, 999.9681343055283, 999.9681409031857, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '38'], [999.9902840901225, 999.9704606545403, 999.9704659610758, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '39'], [999.9902840901225, 999.9859931207644, 999.9859934052452, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '40'], [999.9902840901225, 999.9837084298638, 999.9837091605917, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '41'], [999.9902840901225, 999.9771104451347, 999.9771123963654, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '42'], [999.9902840901225, 999.9789129374658, 999.9789141367951, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '43'], [999.9902840901225, 999.9745774380676, 999.9745824413181, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '44'], [999.9902840901225, 999.973345528138, 999.9733478005402, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '45'], [999.9902840901225, 999.9710101813814, 999.9710132336157, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '46'], [999.9902840901225, 999.9563492359661, 999.9563619620707, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '47'], [999.9902840901225, 999.9882127345522, 999.988212775246, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '48'], [999.9902840901225, 999.9771736957164, 999.9771756515381, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '49'], [999.9902840901225, 999.9579528623879, 999.9579607498824, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '50'], [999.9902840901225, 999.9658469872962, 999.9658563899825, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '51'], [999.9902840901225, 999.9832269106429, 999.9832273084784, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '52'], [999.9902840901225, 999.9682221214233, 999.968230665489, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '53'], [999.9902840901225, 999.9802797816023, 999.9802840058084, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '54'], [999.9902840901225, 999.9657700850768, 999.9657786815658, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '55'], [999.9902840901225, 999.9723872948925, 999.9723922821024, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '56'], [999.9902840901225, 999.9528513408013, 999.9528623804756, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '57'], [999.9902840901225, 999.9740601761301, 999.9740655802609, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '58'], [999.9902840901225, 999.9711988999042, 999.9712043416447, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '59'], [999.9902840901225, 999.9774324579514, 999.9774349523578, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '60'], [999.9902840901225, 999.977407628402, 999.977412040743, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '61'], [999.9902840901225, 999.9828477728856, 999.9828490328338, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '62'], [999.9902840901225, 999.9700081255189, 999.970013830701, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '63'], [999.9902840901225, 999.9831057227325, 999.9831064618648, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '64'], [999.9902840901225, 999.9502886381016, 999.9502974007942, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '65'], [999.9902840901225, 999.9735554036731, 999.9735584602786, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '66'], [999.9902840901225, 999.9538025251055, 999.9538160728324, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '67'], [999.9902840901225, 999.9756907821137, 999.9756930558806, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '68'], [999.9902840901225, 999.9791788038216, 999.9791831173171, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '69'], [999.9902840901225, 999.9797560593357, 999.9797578518593, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '70'], [999.9902840901225, 999.9758904853803, 999.9758930758419, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '71'], [999.9902840901225, 999.9777704133223, 999.9777727155594, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '72'], [999.9902840901225, 999.9837995314965, 999.9838006970626, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '73'], [999.9902840901225, 999.9635829525532, 999.9635893206424, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '74'], [999.9902840901225, 999.9660917726608, 999.9660954084966, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '75'], [999.9902840901225, 999.9810361527839, 999.9810378832087, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '76'], [999.9902840901225, 999.9688124729988, 999.9688183475143, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '77'], [999.9902840901225, 999.964986067486, 999.9649931955223, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '78'], [999.9902840901225, 999.9739027529671, 999.9739077936445, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '79'], [999.9902840901225, 999.9821350821254, 999.9821361578034, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '80'], [999.9902840901225, 999.9714808182825, 999.9714864316419, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '81'], [999.9902840901225, 999.9743839310136, 999.9743867916264, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '82'], [999.9902840901225, 999.9686136056318, 999.9686196469625, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '83'], [999.9902840901225, 999.9759578306988, 999.9759599101351, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '84'], [999.9902840901225, 999.9815390833031, 999.9815400361161, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '85'], [999.9902840901225, 999.9611387213496, 999.9611484481873, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '86'], [999.9902840901225, 999.9674127125015, 999.9674190138646, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '87'], [999.9902840901225, 999.9685738243242, 999.9685804176717, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '88'], [999.9902840901225, 999.9679034011591, 999.9679070706931, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '89'], [999.9902840901225, 999.9777878710454, 999.9777923156952, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '90'], [999.9902840901225, 999.9759370213505, 999.975939353931, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '91'], [999.9902840901225, 999.9793799441471, 999.9793813907843, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '92'], [999.9902840901225, 999.972446368185, 999.9724514685889, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '93'], [999.9902840901225, 999.9887147040195, 999.9887148248055, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '94'], [999.9902840901225, 999.9726726099734, 999.9726773249537, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '95'], [999.9902840901225, 999.9736456102889, 999.9736503667625, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '96'], [999.9902840901225, 999.9427738406738, 999.9427908531619, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '97'], [999.9902840901225, 999.9592471705379, 999.9592568293037, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '98'], [999.9902840901225, 999.9887865049333, 999.9887865335282, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '99'], [999.9902840901225, 999.9800724024744, 999.980073903976, '-010.0100100001011110010110', '-11.01011111011111110110011111', '44', '100']]], [[[999.9902158694229, 999.8951957679568, 999.89520497979, '10.0010011101000011100101011', '-11.101101001001000100101', '45', '1'], [999.9902732076065, 999.9719239078743, 999.9719270768609, '10.0010010101100011100101011', '-11.101101001001000100101', '45', '2'], [999.990284044206, 999.9611120284334, 999.9611194812289, '10.0001010101100011100101011', '-11.101001110001000100101', '45', '3'], [999.9902840697364, 999.9471673717987, 999.9471786471723, '10.0010010101000011100101011', '-11.101101011001000100101', '45', '4'], [999.9902840878119, 999.972505594333, 999.9725081541009, '10.0001010101010011100101011', '-11.101001110001000110101', '45', '5'], [999.9902840878119, 999.9847823522687, 999.9847827037846, '10.0001010101010011100101011', '-11.101001110001000110101', '45', '6'], [999.9902840901144, 999.9720449431219, 999.9720491756683, '10.0001010101010011100101011', '-11.101001110001010110101', '45', '7'], [999.9902840901225, 999.9663478088828, 999.9663524232434, '10.0001010101010011100101011', '-11.101001110001010111101', '45', '8'], [999.9902840901225, 999.9661819571121, 999.9661882421284, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '9'], [999.9902840901225, 999.9836572546732, 999.9836580821561, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '10'], [999.9902840901225, 999.9626674296491, 999.9626747474001, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '11'], [999.9902840901225, 999.9678761276571, 999.9678817074397, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '12'], [999.9902840901225, 999.9538014333643, 999.9538085451397, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '13'], [999.9902840901225, 999.9749932982356, 999.974997206932, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '14'], [999.9902840901225, 999.967099845454, 999.9671052413573, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '15'], [999.9902840901225, 999.9588850497563, 999.9588918964693, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '16'], [999.9902840901225, 999.9873692114572, 999.9873693465142, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '17'], [999.9902840901225, 999.9586993580538, 999.9587084440427, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '18'], [999.9902840901225, 999.973694318314, 999.9736982664409, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '19'], [999.9902840901225, 999.9825281638936, 999.9825294876822, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '20'], [999.9902840901225, 999.9742517505834, 999.9742542009395, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '21'], [999.9902840901225, 999.9832419558211, 999.9832432769871, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '22'], [999.9902840901225, 999.9609753428282, 999.9609816248999, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '23'], [999.9902840901225, 999.9835329349329, 999.9835337632198, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '24'], [999.9902840901225, 999.9613715502085, 999.9613777912924, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '25'], [999.9902840901225, 999.9752698899243, 999.9752724865623, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '26'], [999.9902840901225, 999.9794467690913, 999.9794483282542, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '27'], [999.9902840901225, 999.9785030719521, 999.9785048567359, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '28'], [999.9902840901225, 999.9658323578873, 999.9658392418095, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '29'], [999.9902840901225, 999.9718247209214, 999.9718292121275, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '30'], [999.9902840901225, 999.9753789509043, 999.9753818281198, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '31'], [999.9902840901225, 999.9706239935012, 999.9706287449754, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '32'], [999.9902840901225, 999.9781757125743, 999.9781789969547, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '33'], [999.9902840901225, 999.9573146400486, 999.9573237076766, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '34'], [999.9902840901225, 999.9686679429008, 999.9686728363749, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '35'], [999.9902840901225, 999.98064226453, 999.9806444253111, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '36'], [999.9902840901225, 999.9675356351614, 999.9675405246652, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '37'], [999.9902840901225, 999.9607898948324, 999.9607967556698, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '38'], [999.9902840901225, 999.9726564473348, 999.9726613855125, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '39'], [999.9902840901225, 999.9728040847402, 999.9728093277273, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '40'], [999.9902840901225, 999.9881863430892, 999.9881864209239, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '41'], [999.9902840901225, 999.9696377037691, 999.9696437875809, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '42'], [999.9902840901225, 999.961525110781, 999.961531503548, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '43'], [999.9902840901225, 999.9755054120913, 999.9755084722187, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '44'], [999.9902840901225, 999.9629667751216, 999.9629737371956, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '45'], [999.9902840901225, 999.9656189441292, 999.9656256194181, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '46'], [999.9902840901225, 999.9810312456142, 999.9810329167619, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '47'], [999.9902840901225, 999.9680875370713, 999.9680916805808, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '48'], [999.9902840901225, 999.9736002580405, 999.9736039835691, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '49'], [999.9902840901225, 999.9727214754391, 999.9727250537727, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '50'], [999.9902840901225, 999.9739710905519, 999.9739737382099, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '51'], [999.9902840901225, 999.9810041602157, 999.9810057421803, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '52'], [999.9902840901225, 999.9744579348182, 999.9744601533682, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '53'], [999.9902840901225, 999.9702666328932, 999.9702699033904, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '54'], [999.9902840901225, 999.9810055638524, 999.9810064828291, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '55'], [999.9902840901225, 999.982897044875, 999.9828983697635, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '56'], [999.9902840901225, 999.966167997392, 999.9661748780425, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '57'], [999.9902840901225, 999.9553284563839, 999.9553370918802, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '58'], [999.9902840901225, 999.9829538757481, 999.9829551699477, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '59'], [999.9902840901225, 999.9676858146206, 999.9676902310824, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '60'], [999.9902840901225, 999.9680313453928, 999.9680362378709, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '61'], [999.9902840901225, 999.9785854106693, 999.97858868769, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '62'], [999.9902840901225, 999.9568038005415, 999.9568125975644, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '63'], [999.9902840901225, 999.9821581268905, 999.9821590431536, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '64'], [999.9902840901225, 999.9373824639173, 999.9373932313624, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '65'], [999.9902840901225, 999.98328580952, 999.9832871319146, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '66'], [999.9902840901225, 999.9718543292242, 999.9718590813964, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '67'], [999.9902840901225, 999.9644169097462, 999.9644225748181, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '68'], [999.9902840901225, 999.9754270277574, 999.975430701142, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '69'], [999.9902840901225, 999.9857753127602, 999.985775575385, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '70'], [999.9902840901225, 999.9733395326396, 999.9733437475885, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '71'], [999.9902840901225, 999.9534831532977, 999.95349177566, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '72'], [999.9902840901225, 999.971991573662, 999.9719950417671, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '73'], [999.9902840901225, 999.9790873378582, 999.9790901015048, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '74'], [999.9902840901225, 999.975668021047, 999.9756716389846, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '75'], [999.9902840901225, 999.9819852298896, 999.9819865649891, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '76'], [999.9902840901225, 999.9742663462022, 999.9742707462908, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '77'], [999.9902840901225, 999.9769898740299, 999.9769934661805, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '78'], [999.9902840901225, 999.9714613762911, 999.9714651858925, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '79'], [999.9902840901225, 999.9561360744195, 999.9561441602206, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '80'], [999.9902840901225, 999.9692062362019, 999.9692120503764, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '81'], [999.9902840901225, 999.9681659154709, 999.9681720664738, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '82'], [999.9902840901225, 999.9639290272472, 999.963934968501, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '83'], [999.9902840901225, 999.9659429097275, 999.9659487879032, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '84'], [999.9902840901225, 999.9714717214079, 999.9714755157495, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '85'], [999.9902840901225, 999.965650027978, 999.9656566728469, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '86'], [999.9902840901225, 999.9749875442013, 999.9749914492884, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '87'], [999.9902840901225, 999.9737213885928, 999.9737258056946, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '88'], [999.9902840901225, 999.9761171076262, 999.9761194912635, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '89'], [999.9902840901225, 999.9736323483725, 999.9736346257725, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '90'], [999.9902840901225, 999.9633941671215, 999.9634005061986, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '91'], [999.9902840901225, 999.9561212687083, 999.9561286862295, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '92'], [999.9902840901225, 999.969080537015, 999.9690841461916, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '93'], [999.9902840901225, 999.9557448069436, 999.9557528830868, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '94'], [999.9902840901225, 999.9702660063372, 999.9702705705429, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '95'], [999.9902840901225, 999.9849570271754, 999.9849577644304, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '96'], [999.9902840901225, 999.9690495989282, 999.969055144342, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '97'], [999.9902840901225, 999.9790411679801, 999.9790434162475, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '98'], [999.9902840901225, 999.9697061181756, 999.9697122037372, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '99'], [999.9902840901225, 999.9708291242598, 999.9708334605643, '10.0001010101010011100101111', '-11.101001110001010111101', '45', '100']]], [[[999.7893773058196, 999.5890081278039, 999.5890247906266, '1000.1010101001100010001000', '-1101.00101111010010110111101', '46', '1'], [999.845119599449, 999.7425187001514, 999.742525000729, '1000.1010101001100010001000', '-1001.00101111001010110111101', '46', '2'], [999.8728492566663, 999.8219337253296, 999.821935424414, '1000.1110101001100011001000', '-1001.00101110001010110101101', '46', '3'], [999.872993676034, 999.8516765198709, 999.8516821215997, '1000.1110101001100011001000', '-1001.00100111001010110101101', '46', '4'], [999.873001714511, 999.843852565086, 999.8438606060826, '1000.1110101001100011001000', '-1001.00100111101010110101101', '46', '5'], [999.8730054612832, 999.8609245514286, 999.8609260887599, '1000.1110100001100011001000', '-1001.00100111101010110101101', '46', '6'], [999.873008829782, 999.8462082462191, 999.8462158701469, '1000.1110100011100011001000', '-1001.00100111101010110101101', '46', '7'], [999.8730093414412, 999.8585674826743, 999.8585706055065, '1000.1110100001100011001000', '-1001.00100110101010110101101', '46', '8'], [999.8730093622851, 999.8597469769004, 999.8597501254256, '1000.1110100011100011001000', '-1001.00100111001011110101101', '46', '9'], [999.873009480543, 999.8519877275174, 999.8519917217517, '1000.1110100011000001001000', '-1001.00100111001011110101101', '46', '10'], [999.8730094807704, 999.8585123751155, 999.8585158508481, '1000.1110100011000001001000', '-1001.00100111001011111101101', '46', '11'], [999.8730094808581, 999.8520675345295, 999.8520731567368, '1000.1110100010100001001000', '-1001.00100111000011111101101', '46', '12'], [999.8730094809036, 999.8627601197595, 999.8627609077948, '1000.1110100010100001000000', '-1001.00100111000011111101101', '46', '13'], [999.8730094809462, 999.8633564954438, 999.8633573065895, '1000.1110100010100001000000', '-1001.00100111000011111111101', '46', '14'], [999.8730094811905, 999.8391540032954, 999.8391619890988, '1000.1110100010100000000000', '-1001.00100111000011111111101', '46', '15'], [999.8730094811929, 999.8539815319233, 999.8539869654605, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '16'], [999.8730094811929, 999.8567028965615, 999.8567064354147, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '17'], [999.8730094811929, 999.8402650913122, 999.840271644953, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '18'], [999.8730094811929, 999.8668208731397, 999.86682112778, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '19'], [999.8730094811929, 999.8537916651679, 999.8537952867507, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '20'], [999.8730094811929, 999.8372821442192, 999.837289400538, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '21'], [999.8730094811929, 999.8486829456805, 999.8486904433628, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '22'], [999.8730094811929, 999.8478636653242, 999.8478695373158, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '23'], [999.8730094811929, 999.8516351515977, 999.8516404121253, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '24'], [999.8730094811929, 999.856564115065, 999.8565691598509, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '25'], [999.8730094811929, 999.8380980396983, 999.838107950905, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '26'], [999.8730094811929, 999.8708151794744, 999.8708152711971, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '27'], [999.8730094811929, 999.8713766041043, 999.8713766488709, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '28'], [999.8730094811929, 999.8494673786336, 999.8494730403195, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '29'], [999.8730094811929, 999.8468818941604, 999.8468881581864, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '30'], [999.8730094811929, 999.8241655426671, 999.8241769911155, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '31'], [999.8730094811929, 999.851501925613, 999.851505750136, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '32'], [999.8730094811929, 999.8422681115272, 999.8422779548787, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '33'], [999.8730094811929, 999.8587347197425, 999.8587364063203, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '34'], [999.8730094811929, 999.8600447206179, 999.8600477453033, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '35'], [999.8730094811929, 999.8515433605257, 999.8515471048532, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '36'], [999.8730094811929, 999.8287108529557, 999.8287220086977, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '37'], [999.8730094811929, 999.869978190535, 999.869978250271, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '38'], [999.8730094811929, 999.8587525352974, 999.8587556810734, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '39'], [999.8730094811929, 999.8574860635641, 999.8574889655232, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '40'], [999.8730094811929, 999.8521408579498, 999.8521464388982, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '41'], [999.8730094811929, 999.8485513578041, 999.8485579984857, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '42'], [999.8730094811929, 999.8602935490171, 999.8602963157059, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '43'], [999.8730094811929, 999.8652771355535, 999.865277720572, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '44'], [999.8730094811929, 999.8557716967522, 999.855775041922, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '45'], [999.8730094811929, 999.8619136195277, 999.8619147105524, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '46'], [999.8730094811929, 999.8489695789858, 999.8489741114503, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '47'], [999.8730094811929, 999.8442136975096, 999.844218594273, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '48'], [999.8730094811929, 999.8516363616372, 999.851640839944, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '49'], [999.8730094811929, 999.8469622037886, 999.8469698319453, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '50'], [999.8730094811929, 999.845536185506, 999.8455438801973, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '51'], [999.8730094811929, 999.8658731480893, 999.8658735729658, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '52'], [999.8730094811929, 999.8344355572025, 999.8344449297691, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '53'], [999.8730094811929, 999.8649309822255, 999.8649316518498, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '54'], [999.8730094811929, 999.8509775091957, 999.8509830776961, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '55'], [999.8730094811929, 999.8334344969848, 999.8334448657437, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '56'], [999.8730094811929, 999.8536009996793, 999.8536049317545, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '57'], [999.8730094811929, 999.8544125317097, 999.8544161948746, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '58'], [999.8730094811929, 999.8463348808295, 999.8463412398569, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '59'], [999.8730094811929, 999.8555037423439, 999.8555074582001, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '60'], [999.8730094811929, 999.8700513362293, 999.8700514644802, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '61'], [999.8730094811929, 999.8497051072314, 999.849709344839, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '62'], [999.8730094811929, 999.851079955007, 999.8510856309717, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '63'], [999.8730094811929, 999.8434257801777, 999.8434337465108, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '64'], [999.8730094811929, 999.8374816041292, 999.8374910030333, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '65'], [999.8730094811929, 999.8580620359088, 999.8580650576971, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '66'], [999.8730094811929, 999.8653347162639, 999.8653353588622, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '67'], [999.8730094811929, 999.8562155389974, 999.8562187609477, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '68'], [999.8730094811929, 999.8456282539663, 999.8456361557301, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '69'], [999.8730094811929, 999.8516586758284, 999.8516642234205, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '70'], [999.8730094811929, 999.8573432702023, 999.8573464992301, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '71'], [999.8730094811929, 999.8572525644195, 999.8572560067562, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '72'], [999.8730094811929, 999.8628628090536, 999.8628639351498, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '73'], [999.8730094811929, 999.86050082308, 999.8605020341269, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '74'], [999.8730094811929, 999.8475040992807, 999.8475101515236, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '75'], [999.8730094811929, 999.8438698072132, 999.8438758941071, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '76'], [999.8730094811929, 999.8567817741391, 999.856784927491, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '77'], [999.8730094811929, 999.8410040277553, 999.8410109271481, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '78'], [999.8730094811929, 999.8515001979619, 999.8515043641135, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '79'], [999.8730094811929, 999.8356735235064, 999.8356826632787, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '80'], [999.8730094811929, 999.8622415428856, 999.8622424004291, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '81'], [999.8730094811929, 999.8440209550209, 999.8440288915538, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '82'], [999.8730094811929, 999.8566405008497, 999.8566422217962, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '83'], [999.8730094811929, 999.8517364308938, 999.851741912017, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '84'], [999.8730094811929, 999.8396579008091, 999.8396666242231, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '85'], [999.8730094811929, 999.8518733432485, 999.8518788436297, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '86'], [999.8730094811929, 999.8595844359764, 999.8595876045144, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '87'], [999.8730094811929, 999.8468710260922, 999.8468788604102, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '88'], [999.8730094811929, 999.8636426784201, 999.863643731863, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '89'], [999.8730094811929, 999.8534499305018, 999.8534551253692, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '90'], [999.8730094811929, 999.8644369635103, 999.8644373313324, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '91'], [999.8730094811929, 999.8509583958735, 999.8509642931216, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '92'], [999.8730094811929, 999.8403330722733, 999.8403413958569, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '93'], [999.8730094811929, 999.860237042085, 999.860240138969, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '94'], [999.8730094811929, 999.8539442055476, 999.8539482063658, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '95'], [999.8730094811929, 999.8517672152432, 999.8517728197403, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '96'], [999.8730094811929, 999.8437715554339, 999.8437778481281, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '97'], [999.8730094811929, 999.8628990116066, 999.8629016575153, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '98'], [999.8730094811929, 999.8604444536683, 999.8604472266329, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '99'], [999.8730094811929, 999.8424360584581, 999.842445887634, '1000.1110100010100000000000', '-1001.00100111000011111111111', '46', '100']]], [[[999.9068317667636, 999.7341681742905, 999.7341860282261, '110.11100000111101010001101', '-111.011000000010000111000001', '47', '1'], [999.9201207361101, 999.8621900580905, 999.8622031809531, '110.10100000111101010001101', '-111.011000000010010111000000', '47', '2'], [999.9208555729701, 999.8760840583583, 999.8760947436089, '110.10100100111101010001101', '-111.011000000010000111000000', '47', '3'], [999.9217132670069, 999.9064801615563, 999.9064840644816, '110.10110100111101010001101', '-111.011000000010000011000000', '47', '4'], [999.9217254679868, 999.9058274641625, 999.9058319815355, '110.10110100101101010001101', '-111.011000000010000011000000', '47', '5'], [999.9218107572506, 999.8805263266553, 999.8805393837893, '110.10110100111100010001101', '-111.011001000010000011000000', '47', '6'], [999.9218107773312, 999.9000442064726, 999.9000498390262, '110.10110100111101010001101', '-111.011001000010000001000000', '47', '7'], [999.921810784975, 999.8943035406712, 999.894310899967, '110.10110100111101110001101', '-111.011001000010000001000000', '47', '8'], [999.9218108000016, 999.8977999138514, 999.8978060179859, '110.10110100111101110001101', '-111.011001000000000001000000', '47', '9'], [999.921810803781, 999.8966659797909, 999.8966729267612, '110.10110100111101011001101', '-111.011001000000000001000000', '47', '10'], [999.9218108153605, 999.8879778675547, 999.8879884423499, '110.10110100111101110001101', '-111.011001000000100011000000', '47', '11'], [999.9218108178566, 999.8880621670819, 999.8880713163546, '110.10110100111100011001101', '-111.011001000000100001000100', '47', '12'], [999.9218108178566, 999.9024144492582, 999.9024195869725, '110.10110100111100011001111', '-111.011001000000100001000100', '47', '13'], [999.9218108178566, 999.8939537522728, 999.8939603854909, '110.10110100111100011001111', '-111.011001000000100001000101', '47', '14'], [999.9218108178566, 999.9101242413917, 999.910127595178, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '15'], [999.9218108178566, 999.9186989040353, 999.9186990459203, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '16'], [999.9218108178566, 999.880633438529, 999.8806455846201, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '17'], [999.9218108178566, 999.888876190382, 999.8888866381299, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '18'], [999.9218108178566, 999.8812206812211, 999.8812326122422, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '19'], [999.9218108178566, 999.8856470691754, 999.8856598100513, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '20'], [999.9218108178566, 999.8848248937173, 999.8848363929277, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '21'], [999.9218108178566, 999.8813335047621, 999.8813458728304, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '22'], [999.9218108178566, 999.8945039150992, 999.8945121536144, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '23'], [999.9218108178566, 999.8946947114683, 999.8947020412949, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '24'], [999.9218108178566, 999.8770228898621, 999.8770358728428, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '25'], [999.9218108178566, 999.9038498607623, 999.9038533850065, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '26'], [999.9218108178566, 999.9041508503475, 999.9041542670024, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '27'], [999.9218108178566, 999.8892205716157, 999.8892309526874, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '28'], [999.9218108178566, 999.8850565036232, 999.8850662063059, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '29'], [999.9218108178566, 999.8971202933535, 999.8971251567763, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '30'], [999.9218108178566, 999.8916593921889, 999.8916649825791, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '31'], [999.9218108178566, 999.8800083620615, 999.8800188292715, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '32'], [999.9218108178566, 999.9007844708274, 999.900789172275, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '33'], [999.9218108178566, 999.893153929861, 999.8931626242553, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '34'], [999.9218108178566, 999.9048085720597, 999.9048137369008, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '35'], [999.9218108178566, 999.8975918849334, 999.8975988627006, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '36'], [999.9218108178566, 999.8871211205629, 999.8871300391478, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '37'], [999.9218108178566, 999.8823405214039, 999.8823519474583, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '38'], [999.9218108178566, 999.895431078191, 999.895439294985, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '39'], [999.9218108178566, 999.8884397502753, 999.8884476198534, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '40'], [999.9218108178566, 999.8912466563622, 999.8912555648345, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '41'], [999.9218108178566, 999.906562189376, 999.9065654541444, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '42'], [999.9218108178566, 999.8944943544099, 999.8945009465789, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '43'], [999.9218108178566, 999.8843586479784, 999.8843703251035, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '44'], [999.9218108178566, 999.8938231546452, 999.8938294421963, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '45'], [999.9218108178566, 999.9021940244671, 999.9021992724211, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '46'], [999.9218108178566, 999.8996011495561, 999.8996069391611, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '47'], [999.9218108178566, 999.8764833527835, 999.8764976179859, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '48'], [999.9218108178566, 999.882058919546, 999.8820691029609, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '49'], [999.9218108178566, 999.8899715353176, 999.88998054472, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '50'], [999.9218108178566, 999.8920040046281, 999.8920116597878, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '51'], [999.9218108178566, 999.8989380994811, 999.8989443164247, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '52'], [999.9218108178566, 999.8980204337181, 999.8980261245622, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '53'], [999.9218108178566, 999.8912435768776, 999.8912525081204, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '54'], [999.9218108178566, 999.8972059980266, 999.8972133737261, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '55'], [999.9218108178566, 999.9020857047834, 999.9020920995365, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '56'], [999.9218108178566, 999.9069986509436, 999.9070013405043, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '57'], [999.9218108178566, 999.8875420910155, 999.8875505760552, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '58'], [999.9218108178566, 999.8846517373896, 999.8846618130553, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '59'], [999.9218108178566, 999.9078237621969, 999.9078283397964, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '60'], [999.9218108178566, 999.910092867651, 999.9100950460592, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '61'], [999.9218108178566, 999.9100127363622, 999.910014779715, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '62'], [999.9218108178566, 999.8775464241791, 999.8775594799016, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '63'], [999.9218108178566, 999.8911995959711, 999.8912079163789, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '64'], [999.9218108178566, 999.893756812987, 999.893766215369, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '65'], [999.9218108178566, 999.8776354128455, 999.8776467785432, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '66'], [999.9218108178566, 999.895636772523, 999.8956436067471, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '67'], [999.9218108178566, 999.9001183868022, 999.9001237946287, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '68'], [999.9218108178566, 999.885490567701, 999.8855006523625, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '69'], [999.9218108178566, 999.9047906992433, 999.9047937512702, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '70'], [999.9218108178566, 999.9036127513734, 999.9036169900231, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '71'], [999.9218108178566, 999.8970855930658, 999.8970908094108, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '72'], [999.9218108178566, 999.8943651978296, 999.8943738722846, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '73'], [999.9218108178566, 999.9007269785393, 999.9007309984665, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '74'], [999.9218108178566, 999.8866262955172, 999.8866371347036, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '75'], [999.9218108178566, 999.8989828180328, 999.8989877820304, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '76'], [999.9218108178566, 999.8728068218563, 999.8728217525861, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '77'], [999.9218108178566, 999.890417789131, 999.8904269086081, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '78'], [999.9218108178566, 999.9203103635543, 999.9203104162822, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '79'], [999.9218108178566, 999.9111314030614, 999.9111327842874, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '80'], [999.9218108178566, 999.8972524041867, 999.8972603825039, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '81'], [999.9218108178566, 999.9011350484911, 999.9011401605668, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '82'], [999.9218108178566, 999.8882161366345, 999.8882243804092, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '83'], [999.9218108178566, 999.9034557692362, 999.903460877027, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '84'], [999.9218108178566, 999.8872953145014, 999.8873065193226, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '85'], [999.9218108178566, 999.9106337615062, 999.910635694793, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '86'], [999.9218108178566, 999.9081545177229, 999.9081576072992, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '87'], [999.9218108178566, 999.8959394448175, 999.8959468238465, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '88'], [999.9218108178566, 999.8889237972571, 999.888931780206, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '89'], [999.9218108178566, 999.8946920105966, 999.8946990028995, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '90'], [999.9218108178566, 999.8787897194929, 999.8788012428317, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '91'], [999.9218108178566, 999.8991764214629, 999.8991816906664, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '92'], [999.9218108178566, 999.8899872589467, 999.8899936555467, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '93'], [999.9218108178566, 999.8950991853756, 999.895105563189, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '94'], [999.9218108178566, 999.8789121652023, 999.878926201035, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '95'], [999.9218108178566, 999.8722773798733, 999.8722918943414, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '96'], [999.9218108178566, 999.8721518522731, 999.8721688868678, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '97'], [999.9218108178566, 999.8745690353627, 999.8745811654607, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '98'], [999.9218108178566, 999.8898726970364, 999.8898818390895, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '99'], [999.9218108178566, 999.8970531425903, 999.8970607066552, '110.10110100111100011001111', '-111.011001000000100001000111', '47', '100']]], [[[999.9558343463657, 999.6290847467853, 999.6290925952355, '-11.01001101000010110000111', '101.11000011010111100111010', '48', '1'], [999.957813613831, 999.9028796039606, 999.9028913377431, '-11.01010101001100010001000', '101.1100001101011110011111101', '48', '2'], [999.958280986826, 999.939350478311, 999.9393549650521, '-11.01010101001100010001000', '101.1100001001011110011111101', '48', '3'], [999.9625650323604, 999.9352931977869, 999.9352988133477, '-11.01110111001100010001000', '101.1100001001011110011111101', '48', '4'], [999.9627698167723, 999.9483252667047, 999.9483285068345, '-11.01111111001100010001000', '101.1100001001011110011111101', '48', '5'], [999.9870097476505, 999.9581730386013, 999.9581733419776, '-11.01110111001100010001000', '001.1100000001011110011111101', '48', '6'], [999.9874941759664, 999.9553640079934, 999.9553698883113, '-11.01110111001100010001000', '001.1100001001011110011111101', '48', '7'], [999.9902809733961, 999.9590056233526, 999.9590147757691, '-11.01100111001100010001000', '001.1100001001011110011111101', '48', '8'], [999.9902820272557, 999.9739072619736, 999.9739122808082, '-11.01100110001100010101000', '001.1100001001011110011111101', '48', '9'], [999.9902836883314, 999.974411804928, 999.9744169280352, '-11.01100110011100010101000', '001.1100001001011110010111101', '48', '10'], [999.9902839318834, 999.9597605425208, 999.9597729659707, '-11.01100111011100010101000', '001.1100001101011110010111101', '48', '11'], [999.9902840901224, 999.9656135712424, 999.965623438197, '-11.01100111010100010101000', '001.1100001101011110000111101', '48', '12'], [999.9902840901225, 999.9811124623769, 999.9811137956783, '-11.01100111010100010101100', '001.1100001101011110000111101', '48', '13'], [999.9902840901225, 999.9689157929649, 999.9689243133001, '-11.01100111010100010101101', '001.1100001101011110000111101', '48', '14'], [999.9902840901225, 999.9503538902222, 999.9503671663178, '-11.01100111010100010101101', '001.1100001101011110000111101', '48', '15'], [999.9902840901225, 999.9753882841474, 999.9753933959038, '-11.01100111010100010101101', '001.1100001101011110000111101', '48', '16'], [999.9902840901225, 999.972365070309, 999.972367703716, '-11.01100111010100010101101', '001.1100001101011110000111101', '48', '17'], [999.9902840901225, 999.9800455188092, 999.9800476790164, '-11.01100111010100010101101', '001.1100001101011110000111101', '48', '18'], [999.9902840901225, 999.965719369049, 999.9657285348009, '-11.01100111010100010101101', '001.1100001101011110000111101', '48', '19'], [999.9902840901225, 999.9781802453143, 999.9781844918244, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '20'], [999.9902840901225, 999.9536151916539, 999.9536281117454, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '21'], [999.9902840901225, 999.98566463389, 999.9856648743065, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '22'], [999.9902840901225, 999.9710896507462, 999.9710980990047, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '23'], [999.9902840901225, 999.9705852831091, 999.9705933053453, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '24'], [999.9902840901225, 999.9596999149753, 999.9597103939204, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '25'], [999.9902840901225, 999.9770432766547, 999.9770474928927, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '26'], [999.9902840901225, 999.9596183026764, 999.9596311498842, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '27'], [999.9902840901225, 999.9779438390532, 999.9779484541092, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '28'], [999.9902840901225, 999.970211617561, 999.9702204777211, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '29'], [999.9902840901225, 999.9752250296955, 999.9752293287457, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '30'], [999.9902840901225, 999.973423528782, 999.9734291377148, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '31'], [999.9902840901225, 999.9890937946875, 999.989093822089, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '32'], [999.9902840901225, 999.9771394277145, 999.9771440560685, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '33'], [999.9902840901225, 999.980917391245, 999.9809187336177, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '34'], [999.9902840901225, 999.968484411131, 999.9684910235713, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '35'], [999.9902840901225, 999.9780368767679, 999.9780410800738, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '36'], [999.9902840901225, 999.9556406784593, 999.9556518293404, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '37'], [999.9902840901225, 999.9580289799993, 999.9580404645482, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '38'], [999.9902840901225, 999.9671813226238, 999.9671903533487, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '39'], [999.9902840901225, 999.9822164130342, 999.982217672059, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '40'], [999.9902840901225, 999.9640344466633, 999.9640416427253, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '41'], [999.9902840901225, 999.97911023835, 999.9791118129291, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '42'], [999.9902840901225, 999.9689133531673, 999.9689218807756, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '43'], [999.9902840901225, 999.9778431508645, 999.9778454136851, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '44'], [999.9902840901225, 999.9594368879062, 999.9594496903457, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '45'], [999.9902840901225, 999.9815039156307, 999.9815051761532, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '46'], [999.9902840901225, 999.9770848557368, 999.9770897215368, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '47'], [999.9902840901225, 999.9728734821219, 999.9728791311361, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '48'], [999.9902840901225, 999.9603148303155, 999.9603276616723, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '49'], [999.9902840901225, 999.9695318381729, 999.9695378802182, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '50'], [999.9902840901225, 999.9510748264614, 999.9510910470688, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '51'], [999.9902840901225, 999.9881461935231, 999.9881463203319, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '52'], [999.9902840901225, 999.9582077389164, 999.958220365173, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '53'], [999.9902840901225, 999.9699930664698, 999.970001101497, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '54'], [999.9902840901225, 999.9722802652893, 999.972285987463, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '55'], [999.9902840901225, 999.9533393234389, 999.9533530683904, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '56'], [999.9902840901225, 999.9747836360392, 999.9747861112749, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '57'], [999.9902840901225, 999.9668558022651, 999.9668641092615, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '58'], [999.9902840901225, 999.9698468430505, 999.9698548825357, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '59'], [999.9902840901225, 999.9503078491423, 999.9503227526981, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '60'], [999.9902840901225, 999.979431964352, 999.9794333780316, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '61'], [999.9902840901225, 999.9730362211322, 999.973041225312, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '62'], [999.9902840901225, 999.9401085948847, 999.9401266186458, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '63'], [999.9902840901225, 999.9539623034957, 999.9539753154675, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '64'], [999.9902840901225, 999.9720887500902, 999.9720944384125, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '65'], [999.9902840901225, 999.9819437810199, 999.9819450307144, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '66'], [999.9902840901225, 999.9818101985469, 999.9818115281156, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '67'], [999.9902840901225, 999.9629887728947, 999.9629972778524, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '68'], [999.9902840901225, 999.9636070013115, 999.9636161353013, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '69'], [999.9902840901225, 999.9512530064756, 999.9512692449632, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '70'], [999.9902840901225, 999.9688946342276, 999.9688999992975, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '71'], [999.9902840901225, 999.9744624012978, 999.9744676218876, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '72'], [999.9902840901225, 999.9790676931121, 999.9790698615369, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '73'], [999.9902840901225, 999.9685659288062, 999.9685749113733, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '74'], [999.9902840901225, 999.9647653205045, 999.964774389038, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '75'], [999.9902840901225, 999.9728064715708, 999.9728121286579, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '76'], [999.9902840901225, 999.9576458832241, 999.957658805201, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '77'], [999.9902840901225, 999.9728428310086, 999.9728461553781, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '78'], [999.9902840901225, 999.962316957793, 999.962324222799, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '79'], [999.9902840901225, 999.95306657841, 999.9530803833582, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '80'], [999.9902840901225, 999.9609974567086, 999.9610106196659, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '81'], [999.9902840901225, 999.9557419106334, 999.9557551758958, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '82'], [999.9902840901225, 999.9749277299802, 999.9749324860941, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '83'], [999.9902840901225, 999.9891150935869, 999.989115105392, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '84'], [999.9902840901225, 999.9741368815554, 999.9741416880227, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '85'], [999.9902840901225, 999.9476551663023, 999.9476726186798, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '86'], [999.9902840901225, 999.9754655612436, 999.9754698743225, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '87'], [999.9902840901225, 999.9765140682943, 999.9765183991723, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '88'], [999.9902840901225, 999.9827312929393, 999.982731769495, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '89'], [999.9902840901225, 999.9742533216487, 999.9742584378042, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '90'], [999.9902840901225, 999.9533010673678, 999.9533122411524, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '91'], [999.9902840901225, 999.9648546772653, 999.9648614897043, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '92'], [999.9902840901225, 999.960744662715, 999.9607527113765, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '93'], [999.9902840901225, 999.965110337939, 999.9651193622323, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '94'], [999.9902840901225, 999.9501000096024, 999.9501138502648, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '95'], [999.9902840901225, 999.956690791757, 999.9567045119616, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '96'], [999.9902840901225, 999.930507026321, 999.9305302186325, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '97'], [999.9902840901225, 999.9689544169504, 999.9689628767073, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '98'], [999.9902840901225, 999.9694470035422, 999.9694544271595, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '99'], [999.9902840901225, 999.9547820373323, 999.9547957860841, '-11.01100111010100010101101', '001.1100001101011110000111111', '48', '100']]], [[[999.867703894305, 999.6986988683352, 999.6987131662852, '-11.10001111000101001110001110', '-1101.10011001000100101001100', '49', '1'], [999.871070376539, 999.8324605148902, 999.8324683779601, '-11.10111101000101101110001110', '-1101.10011001000100101001100', '49', '2'], [999.8721643330481, 999.8533999627251, 999.8534049277588, '-11.10111101000101101100001110', '-1101.10011101100101101001100', '49', '3'], [999.8729519783457, 999.8565578866941, 999.8565624504727, '-11.11111101000101101100001110', '-1101.10011101100100101001100', '49', '4'], [999.8730093770305, 999.8350109834128, 999.8350238457666, '-11.11101101000101101110001110', '-1101.10011101110101101001100', '49', '5'], [999.8730093784321, 999.864542537688, 999.864544415752, '-11.11101101000101111110001110', '-1101.10011101110101101001100', '49', '6'], [999.8730094182694, 999.8437871206604, 999.8437955746115, '-11.11101101001101111110001110', '-1101.10011101110101101001100', '49', '7'], [999.8730094483881, 999.8534762312407, 999.8534811954222, '-11.11101101010101111110001110', '-1101.10011101110101101001100', '49', '8'], [999.8730094537268, 999.8604707692665, 999.8604734262818, '-11.11101101010111101111001110', '-1101.10011101110101101001100', '49', '9'], [999.8730094685853, 999.8728423589428, 999.8728423596208, '-11.11101101110111101111001110', '-1101.10011101110101101001100', '49', '10'], [999.8730094752103, 999.8590096781213, 999.8590130216825, '-11.11101101110011101111001110', '-1101.10011101110101101001100', '49', '11'], [999.8730094753784, 999.8394928133888, 999.8395032146501, '-11.11101101110011100111001110', '-1101.10011101110101101001100', '49', '12'], [999.873009480652, 999.8708124718601, 999.8708126097067, '-11.11101101110011100111001110', '-1101.10011101110100101001100', '49', '13'], [999.8730094806914, 999.8519154871427, 999.8519201140164, '-11.11101101110011100111001110', '-1101.10011101110100101000100', '49', '14'], [999.8730094812563, 999.8587815865654, 999.8587843289796, '-11.11101101110011100111101110', '-1101.10011101110100001000100', '49', '15'], [999.8730094812596, 999.8448151755215, 999.8448223983609, '-11.11101101110011101111001110', '-1101.10011101110100001000100', '49', '16'], [999.8730094812606, 999.8586844850709, 999.8586886998315, '-11.11101101110011101111101110', '-1101.10011101110100001001100', '49', '17'], [999.8730094812607, 999.8554827953296, 999.8554878089982, '-11.11101101110011101111101110', '-1101.10011101110100001001110', '49', '18'], [999.8730094812607, 999.8467870739624, 999.8467925689129, '-11.11101101110011101111111110', '-1101.10011101110100001001110', '49', '19'], [999.8730094812607, 999.8473525186694, 999.8473608176378, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '20'], [999.8730094812607, 999.8651953270231, 999.8651967141461, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '21'], [999.8730094812607, 999.8297638411644, 999.8297766933123, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '22'], [999.8730094812607, 999.8530141887585, 999.8530197294607, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '23'], [999.8730094812607, 999.8491768539628, 999.849183374081, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '24'], [999.8730094812607, 999.8427768838559, 999.8427857638961, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '25'], [999.8730094812607, 999.8469454512353, 999.846951942615, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '26'], [999.8730094812607, 999.852336840033, 999.8523422863218, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '27'], [999.8730094812607, 999.8492476856736, 999.8492544237877, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '28'], [999.8730094812607, 999.8554660415647, 999.8554700378979, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '29'], [999.8730094812607, 999.8521644241482, 999.8521700722558, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '30'], [999.8730094812607, 999.8592275958414, 999.8592313835819, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '31'], [999.8730094812607, 999.8430894347383, 999.84309925117, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '32'], [999.8730094812607, 999.8561372591273, 999.8561415971928, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '33'], [999.8730094812607, 999.8454475039283, 999.8454538641085, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '34'], [999.8730094812607, 999.8366451374577, 999.8366567270157, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '35'], [999.8730094812607, 999.8591613989984, 999.8591656163422, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '36'], [999.8730094812607, 999.8640949275309, 999.8640983553976, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '37'], [999.8730094812607, 999.8550594665077, 999.8550624641591, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '38'], [999.8730094812607, 999.8443188553986, 999.8443281148304, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '39'], [999.8730094812607, 999.8593043914308, 999.8593071139928, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '40'], [999.8730094812607, 999.8462810405431, 999.846286454177, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '41'], [999.8730094812607, 999.8455694723106, 999.8455776051645, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '42'], [999.8730094812607, 999.8562681696318, 999.8562725012354, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '43'], [999.8730094812607, 999.8646094854057, 999.8646113597669, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '44'], [999.8730094812607, 999.8658232848413, 999.8658251539775, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '45'], [999.8730094812607, 999.8449187099461, 999.8449251499563, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '46'], [999.8730094812607, 999.82224811147, 999.8222611673131, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '47'], [999.8730094812607, 999.854566681602, 999.8545697578843, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '48'], [999.8730094812607, 999.8647221590944, 999.8647241440789, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '49'], [999.8730094812607, 999.8611410343963, 999.8611432344036, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '50'], [999.8730094812607, 999.854088520325, 999.8540939588074, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '51'], [999.8730094812607, 999.8574266384953, 999.857430363794, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '52'], [999.8730094812607, 999.8544200353983, 999.8544241385259, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '53'], [999.8730094812607, 999.8618501887732, 999.8618537527317, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '54'], [999.8730094812607, 999.862448666413, 999.8624512106571, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '55'], [999.8730094812607, 999.8656461301579, 999.8656476549213, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '56'], [999.8730094812607, 999.8419722528424, 999.8419807975099, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '57'], [999.8730094812607, 999.857937336665, 999.8579407744921, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '58'], [999.8730094812607, 999.8368476915691, 999.8368586886502, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '59'], [999.8730094812607, 999.8614612322497, 999.8614634307139, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '60'], [999.8730094812607, 999.8464215384555, 999.8464268810845, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '61'], [999.8730094812607, 999.8350492291792, 999.8350604568681, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '62'], [999.8730094812607, 999.8408647753892, 999.8408743304471, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '63'], [999.8730094812607, 999.838049745014, 999.8380603329545, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '64'], [999.8730094812607, 999.8548730852427, 999.8548775342456, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '65'], [999.8730094812607, 999.8455656578116, 999.845573439336, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '66'], [999.8730094812607, 999.8426025738491, 999.8426124837608, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '67'], [999.8730094812607, 999.849468636728, 999.8494771812881, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '68'], [999.8730094812607, 999.8513471803553, 999.8513520387795, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '69'], [999.8730094812607, 999.8579694206148, 999.8579721765212, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '70'], [999.8730094812607, 999.8516817321382, 999.8516867107448, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '71'], [999.8730094812607, 999.8610560832478, 999.8610593101707, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '72'], [999.8730094812607, 999.8550990583132, 999.8551030527203, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '73'], [999.8730094812607, 999.8627610828479, 999.8627631762856, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '74'], [999.8730094812607, 999.858388662278, 999.8583939039828, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '75'], [999.8730094812607, 999.8481344140295, 999.8481420373298, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '76'], [999.8730094812607, 999.842371311694, 999.8423816747779, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '77'], [999.8730094812607, 999.8606080399434, 999.8606117154704, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '78'], [999.8730094812607, 999.8493743805342, 999.8493793582543, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '79'], [999.8730094812607, 999.8449514909829, 999.8449592831022, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '80'], [999.8730094812607, 999.8714105548187, 999.8714105799709, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '81'], [999.8730094812607, 999.8541629026577, 999.8541676928089, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '82'], [999.8730094812607, 999.8620382018958, 999.8620399723931, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '83'], [999.8730094812607, 999.8462827483705, 999.8462910455632, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '84'], [999.8730094812607, 999.8563174549032, 999.8563228038631, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '85'], [999.8730094812607, 999.8542893945094, 999.8542952780149, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '86'], [999.8730094812607, 999.8273922568511, 999.82740587174, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '87'], [999.8730094812607, 999.850165997466, 999.850171741418, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '88'], [999.8730094812607, 999.8424428430392, 999.842452364576, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '89'], [999.8730094812607, 999.8488239674624, 999.8488321693786, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '90'], [999.8730094812607, 999.8587580265038, 999.8587622479976, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '91'], [999.8730094812607, 999.8585795913641, 999.858582344681, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '92'], [999.8730094812607, 999.8487283524457, 999.8487348534279, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '93'], [999.8730094812607, 999.8341575525175, 999.834170111499, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '94'], [999.8730094812607, 999.8625561526668, 999.8625576728626, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '95'], [999.8730094812607, 999.8338296669514, 999.8338417595238, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '96'], [999.8730094812607, 999.8462581866789, 999.8462659123671, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '97'], [999.8730094812607, 999.8602485907861, 999.8602509076785, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '98'], [999.8730094812607, 999.8528031772726, 999.8528101837834, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '99'], [999.8730094812607, 999.8628885324231, 999.8628910696092, '-11.11101101110011101111111111', '-1101.10011101110100001001110', '49', '100']]], [[[999.6857291875497, 999.5893129211348, 999.5893182490865, '10111.011110100100111111001010', '-1001.0100101000101000011', '50', '1'], [999.687840990993, 999.6687439589921, 999.6687459798904, '10111.011110100100111111001010', '-1001.0000101000101000011', '50', '2'], [999.6878412519621, 999.6669370595002, 999.666939913106, '10111.011110100100110111001010', '-1001.0000101000101000011', '50', '3'], [999.6878879670145, 999.6507698702993, 999.6507749343481, '10111.011110000100110111001010', '-1001.0000101000101000011', '50', '4'], [999.6878952045872, 999.660773098655, 999.6607764474464, '10111.011110000100110111001010', '-1001.0000111100101000011', '50', '5'], [999.6878959511954, 999.6674245274295, 999.6674273106195, '10111.011110010100110111001010', '-1001.0000111100101000010', '50', '6'], [999.6878968586987, 999.6687285451649, 999.6687314551439, '10111.011110001101110111001000', '-1001.0000111100101000011', '50', '7'], [999.6878968594276, 999.6731858529156, 999.6731879163341, '10111.011110001101110111001010', '-1001.0000111100100000011', '50', '8'], [999.6878968594276, 999.6753573030841, 999.675359031437, '10111.011110001101110111001010', '-1001.0000111100100000011', '50', '9'], [999.6878968594276, 999.6737355086935, 999.6737372339294, '10111.011110001101110111011010', '-1001.0000111100100000011', '50', '10'], [999.6878968594276, 999.6727684024183, 999.6727703872398, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '11'], [999.6878968594276, 999.6674345808794, 999.6674375932099, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '12'], [999.6878968594276, 999.677175024754, 999.6771764547462, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '13'], [999.6878968594276, 999.6719748077868, 999.6719775229658, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '14'], [999.6878968594276, 999.6622010435617, 999.6622048705136, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '15'], [999.6878968594276, 999.6688166438431, 999.6688199685419, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '16'], [999.6878968594276, 999.6684863719946, 999.668488606824, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '17'], [999.6878968594276, 999.6522751040883, 999.6522801915007, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '18'], [999.6878968594276, 999.6694481961447, 999.6694509442113, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '19'], [999.6878968594276, 999.6602237075318, 999.6602270245091, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '20'], [999.6878968594276, 999.6813911591727, 999.6813916988367, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '21'], [999.6878968594276, 999.6482517526482, 999.6482573506852, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '22'], [999.6878968594276, 999.6596246981302, 999.6596286360665, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '23'], [999.6878968594276, 999.6588005179764, 999.6588039766028, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '24'], [999.6878968594276, 999.6647943946473, 999.6647975488379, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '25'], [999.6878968594276, 999.6717731005783, 999.6717754221764, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '26'], [999.6878968594276, 999.6721444821047, 999.6721462119118, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '27'], [999.6878968594276, 999.6535220977222, 999.6535267378521, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '28'], [999.6878968594276, 999.657882174146, 999.6578863881667, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '29'], [999.6878968594276, 999.6653670306238, 999.6653701697314, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '30'], [999.6878968594276, 999.666597229458, 999.6665998489443, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '31'], [999.6878968594276, 999.6839914961924, 999.6839919330077, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '32'], [999.6878968594276, 999.6672344414177, 999.6672376701193, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '33'], [999.6878968594276, 999.6702112754901, 999.6702139081729, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '34'], [999.6878968594276, 999.6700509092354, 999.6700531498317, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '35'], [999.6878968594276, 999.6638923107047, 999.6638953102163, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '36'], [999.6878968594276, 999.6826143913873, 999.682615079297, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '37'], [999.6878968594276, 999.6759026219385, 999.6759041501756, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '38'], [999.6878968594276, 999.6751702505869, 999.6751725364353, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '39'], [999.6878968594276, 999.6669284935772, 999.6669316673825, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '40'], [999.6878968594276, 999.6780895993196, 999.6780911563832, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '41'], [999.6878968594276, 999.6727886891603, 999.6727908458038, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '42'], [999.6878968594276, 999.6578696013794, 999.6578737202802, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '43'], [999.6878968594276, 999.6744670404524, 999.6744686775274, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '44'], [999.6878968594276, 999.6776988400139, 999.6776997873521, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '45'], [999.6878968594276, 999.6770825898011, 999.6770839307926, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '46'], [999.6878968594276, 999.6831721152207, 999.6831726815644, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '47'], [999.6878968594276, 999.6661336592194, 999.6661364653614, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '48'], [999.6878968594276, 999.673001952607, 999.6730040664062, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '49'], [999.6878968594276, 999.6683309638901, 999.668333376682, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '50'], [999.6878968594276, 999.6821349160498, 999.6821355418431, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '51'], [999.6878968594276, 999.6674473146186, 999.667450321644, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '52'], [999.6878968594276, 999.6618324400386, 999.6618357095383, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '53'], [999.6878968594276, 999.682913599458, 999.6829140715264, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '54'], [999.6878968594276, 999.6711312402657, 999.6711337644575, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '55'], [999.6878968594276, 999.683050410897, 999.6830507994479, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '56'], [999.6878968594276, 999.6702719293182, 999.6702743621657, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '57'], [999.6878968594276, 999.6557768724938, 999.6557811871733, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '58'], [999.6878968594276, 999.6703581606758, 999.6703599154263, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '59'], [999.6878968594276, 999.6793704366536, 999.6793714066391, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '60'], [999.6878968594276, 999.6755793863497, 999.6755809970124, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '61'], [999.6878968594276, 999.6796955193098, 999.6796966733177, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '62'], [999.6878968594276, 999.6741370144323, 999.6741388662466, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '63'], [999.6878968594276, 999.6736499910093, 999.6736519115801, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '64'], [999.6878968594276, 999.671031204179, 999.6710338693571, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '65'], [999.6878968594276, 999.6661412877334, 999.6661441831093, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '66'], [999.6878968594276, 999.6650956562007, 999.6650985934577, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '67'], [999.6878968594276, 999.6602681179965, 999.6602715060505, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '68'], [999.6878968594276, 999.6687694502904, 999.6687720423246, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '69'], [999.6878968594276, 999.6877202355879, 999.6877202362745, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '70'], [999.6878968594276, 999.6630221453545, 999.6630258759901, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '71'], [999.6878968594276, 999.6551938258592, 999.6551983777823, '10111.011110001101110111011011', '-1001.0000111100100000011', '50', '72'], [999.6878968594276, 999.6728220992762, 999.6728239378239, '10111.011110001101110111111011', '-1001.0000111100100000111', '50', '73'], [999.6878968594276, 999.6639597643745, 999.6639628481975, '10111.011110001101110111111111', '-1001.0000111100100000111', '50', '74'], [999.6878968594276, 999.6719479833497, 999.6719498092802, '10111.011110001101110111111111', '-1001.0000111100100000111', '50', '75'], [999.6878968594276, 999.6618929006315, 999.6618966634885, '10111.011110001101110111111111', '-1001.0000111100100000111', '50', '76'], [999.6878968594276, 999.6697385471238, 999.6697411494961, '10111.011110001101110111111111', '-1001.0000111100100000111', '50', '77'], [999.6878968594276, 999.6693023986346, 999.6693046373729, '10111.011110001101110111111111', '-1001.0000111100100000111', '50', '78'], [999.6878968594276, 999.6721282683131, 999.6721303316148, '10111.011110001101110111111111', '-1001.0000111100100000111', '50', '79'], [999.6878968594276, 999.6652591918441, 999.6652621279163, '10111.011110001101110111111111', '-1001.0000111100100000111', '50', '80'], [999.6878968594276, 999.6768809592625, 999.6768824011984, '10111.011110001101110111111111', '-1001.0000111100100000111', '50', '81'], [999.6878968594276, 999.6646700654911, 999.6646731087553, '10111.011110001101110111111111', '-1001.0000111100100000111', '50', '82'], [999.6878968594276, 999.6652898102964, 999.665292717289, '10111.011110001101110111111111', '-1001.0000111100100000111', '50', '83'], [999.6878968594276, 999.6590223777764, 999.6590261022542, '10111.011110001101110111111111', '-1001.0000111100100000111', '50', '84'], [999.6878968594276, 999.6720761430327, 999.6720781505142, '10111.011110001101110111111111', '-1001.0000111100100000111', '50', '85'], [999.6878968594276, 999.6708282159406, 999.6708307565932, '10111.011110001101110111111111', '-1001.0000111100100000111', '50', '86'], [999.6878968594276, 999.6786322471293, 999.6786335350438, '10111.011110001101110111111111', '-1001.0000111100100000111', '50', '87'], [999.6878968594276, 999.6705502080745, 999.6705525462352, '10111.011110001101110111111111', '-1001.0000111100100000111', '50', '88'], [999.6878968594276, 999.6733558435163, 999.6733578660389, '10111.011110001101110111111111', '-1001.0000111100100000111', '50', '89'], [999.6878968594276, 999.6647669025892, 999.6647701528194, '10111.011110001101110111111111', '-1001.0000111100100000111', '50', '90'], [999.6878968594276, 999.6637718138106, 999.6637750563322, '10111.011110001101110111111111', '-1001.0000111100100000111', '50', '91'], [999.6878968594276, 999.6702059379244, 999.6702088069798, '10111.011110001101110111111111', '-1001.0000111100100000111', '50', '92'], [999.6878968594276, 999.6687775107825, 999.6687802569869, '10111.011110001101110111111111', '-1001.0000111100100000111', '50', '93'], [999.6878968594276, 999.6624347881049, 999.6624382564946, '10111.011110001101110111111111', '-1001.0000111100100000111', '50', '94'], [999.6878968594276, 999.6596444722741, 999.6596485096564, '10111.011110001101110111111111', '-1001.0000111100100000111', '50', '95'], [999.6878968594276, 999.6722319737632, 999.6722345087489, '10111.011110001101110111111111', '-1001.0000111100100000111', '50', '96'], [999.6878968594276, 999.6619993921432, 999.6620030672873, '10111.011110001101110111111111', '-1001.0000111100100000111', '50', '97'], [999.6878968594276, 999.6767364740043, 999.6767381465787, '10111.011110001101110111111111', '-1001.0000111100100000111', '50', '98'], [999.6878968594276, 999.6674371363, 999.6674397163673, '10111.011110001101110111111111', '-1001.0000111100100000111', '50', '99'], [999.6878968594276, 999.6818107105054, 999.6818115173727, '10111.011110001101110111111111', '-1001.0000111100100000111', '50', '100']]]]
fitness = []
media = []
desvio = []
experimento_plot = []
from matplotlib import pyplot as plt
import numpy as np
for index, experimento in enumerate(ensaio):
for populacao in experimento:
for x, individuo in enumerate(populacao):
fitness.append(individuo[0])
media.append(individuo[1])
desvio.append(individuo[2])
x = np.arange(1, fitness.__len__() + 1)
plt.plot(x, fitness)
experimento_plot.append([fitness, media, desvio])
fitness = []
media = []
desvio = []
plt.show() | [((679784, 679794), 'matplotlib.pyplot.show', 'plt.show', ([], {}), '()\n', (679792, 679794), True, 'from matplotlib import pyplot as plt\n'), ((679657, 679677), 'matplotlib.pyplot.plot', 'plt.plot', (['x', 'fitness'], {}), '(x, fitness)\n', (679665, 679677), True, 'from matplotlib import pyplot as plt\n')] |
alunduil/etest | etest_test/fixtures_test/ebuilds_test/__init__.py | e5f06d7e8c83be369576976f239668545bcbfffd | """Ebuild Test Fixtures."""
import os
from typing import Any, Dict, List
from etest_test import helpers_test
EBUILDS: Dict[str, List[Dict[str, Any]]] = {}
helpers_test.import_directory(__name__, os.path.dirname(__file__))
| [((198, 223), 'os.path.dirname', 'os.path.dirname', (['__file__'], {}), '(__file__)\n', (213, 223), False, 'import os\n')] |
palucki/RememberIt | src/model.py | 1d66616d4bb1bca026dda031d876dca226ba71ad | import random
from pymongo import MongoClient
from observable import Observable
from phrase import Phrase
class MongoDbProxy:
"""Proxy for MongoDB"""
def __init__(self, url, dbName, tableName):
self.client = MongoClient(url)
self.db = self.client[dbName]
self.table = tableName
self.count = self.db[self.table].find().count()
def get_db(self):
return self.db
def add_phrase(self, phrase):
#[{ "english": eng, "polish" : pl}]
record = {"english" : phrase.eng, "polish" : phrase.meanings}
self.db[self.table].insert(record)
self.count = self.db[self.table].find().count()
def show_one(self, phrase):
print("eng: \'%s\' pol: \'%s\'" % (phrase["english"], phrase["polish"]))
def get_all(self):
#define your data struct here
words = {}
for i, phrase in enumerate(self.db[self.table].find()):
eng = phrase["english"]
#lang = phrase["lang"]
meaning = phrase["polish"]
words[eng] = meaning
return words
def show_all(self):
if self.count > 0:
for i, phrase in enumerate(self.db[self.table].find()):
print(i, end=" ")
self.show_one(phrase)
else:
print("Database is empty")
def show_random(self):
entries = self.db[self.table].find()
self.count = entries.count()
if self.count > 0:
self.show_one(entries[random.randrange(self.count)])
else:
print("Database is empty")
def record_exists(self, eng):
if self.db[self.table].find_one({"english" : eng}):
return True
else:
return False
def drop_record(self, eng):
self.db[self.table].delete_one({"english":eng})
def drop_db(self):
print("Dropping")
self.db.self.table.drop()
self.count = self.db[self.table].find().count()
class Model:
"""That needs a table of pairs - eng and its meanings"""
def __init__(self):
self.phrases = Observable({})
self.db = MongoDbProxy("mongodb://localhost:27017/", "RepeatItDb", "phrases")
data = self.db.get_all()
self.phrases.setData(data)
def addWord(self, key, lang, meanings):
newData = self.phrases.getData()
newData[key] = meanings
self.phrases.setData(newData)
def getAllWords(self):
return self.phrases.getData()
def removeWord(self, key):
newData = self.phrases.getData()
newData.pop(key)
self.phrases.setData(newData)
def saveWord(self, wordAndMeaning):
word = wordAndMeaning[0]
meaning = wordAndMeaning[1]
self.addWord(word, "pl", meaning)
def saveDb(self):
dbData = self.db.get_all()
modelData = self.getAllWords()
#That's for future optimization: update db instead of adding it all
dbKeysSet = set(dbData.keys())
dbValuesSet = set(dbData.values())
modelKeysSet = set(modelData.keys())
modelValuesSet = set(modelData.values())
newRecordsKeys = modelKeysSet - dbKeysSet
deletedRecordsKeys = dbKeysSet - modelKeysSet
if len(newRecordsKeys):
for newKey in newRecordsKeys:
self.db.add_phrase(Phrase(newKey, "pl", modelData[newKey]))
if len(deletedRecordsKeys):
for deletedKey in deletedRecordsKeys:
self.db.drop_record(deletedKey)
#Handle also value update
print("Saving database...")
| [((231, 247), 'pymongo.MongoClient', 'MongoClient', (['url'], {}), '(url)\n', (242, 247), False, 'from pymongo import MongoClient\n'), ((2173, 2187), 'observable.Observable', 'Observable', (['{}'], {}), '({})\n', (2183, 2187), False, 'from observable import Observable\n'), ((3500, 3539), 'phrase.Phrase', 'Phrase', (['newKey', '"""pl"""', 'modelData[newKey]'], {}), "(newKey, 'pl', modelData[newKey])\n", (3506, 3539), False, 'from phrase import Phrase\n'), ((1564, 1592), 'random.randrange', 'random.randrange', (['self.count'], {}), '(self.count)\n', (1580, 1592), False, 'import random\n')] |
chall68/BlackWatch | sampleApplication/clientGenerator.py | 0b95d69e4b7de9213a031557e9aff54ce35b12dd | #!flask/bin/python
#from user import User
from sampleObjects.User import User
from datetime import datetime
from sampleObjects.DetectionPoint import DetectionPoint
import time, requests, random, atexit
def requestGenerator():
userObject = randomUser()
detectionPointObject = randomDetectionPoint()
req = requests.post('http://localhost:5000/addevent', json = {"User": userObject.__dict__, "DetectionPoint" : detectionPointObject.__dict__, "Time" : str(datetime.now().isoformat())})
print (req.text)
checkResp = requests.get('http://localhost:5000/getResponses')
print (checkResp.text)
def randomUser():
user = random.randint(1,3)
attacker=0
if (user==1):
attacker = User("Phillipo", "255.255.255.101", "xxxx")
elif (user==2):
attacker = User("Sergio", "109.123.234.1", "yyyy")
elif (user==3):
attacker = User("Anonymous", "101.101.101.87", "354343jjk23")
return attacker
def randomDetectionPoint():
rand = random.randint(1,2)
dp=0
if (rand==1):
dp = DetectionPoint("HTTP Verb", "GET Request used where POST is expected")
elif (rand==2):
dp = DetectionPoint("Login Page", "Hidden field altered within the login form")
return dp
for i in range (50):
requestGenerator()
time.sleep(1.5)
def closingTime():
print ("Exiting")
atexit.register(closingTime)
| [((1352, 1380), 'atexit.register', 'atexit.register', (['closingTime'], {}), '(closingTime)\n', (1367, 1380), False, 'import time, requests, random, atexit\n'), ((535, 585), 'requests.get', 'requests.get', (['"""http://localhost:5000/getResponses"""'], {}), "('http://localhost:5000/getResponses')\n", (547, 585), False, 'import time, requests, random, atexit\n'), ((643, 663), 'random.randint', 'random.randint', (['(1)', '(3)'], {}), '(1, 3)\n', (657, 663), False, 'import time, requests, random, atexit\n'), ((991, 1011), 'random.randint', 'random.randint', (['(1)', '(2)'], {}), '(1, 2)\n', (1005, 1011), False, 'import time, requests, random, atexit\n'), ((1294, 1309), 'time.sleep', 'time.sleep', (['(1.5)'], {}), '(1.5)\n', (1304, 1309), False, 'import time, requests, random, atexit\n'), ((715, 758), 'sampleObjects.User.User', 'User', (['"""Phillipo"""', '"""255.255.255.101"""', '"""xxxx"""'], {}), "('Phillipo', '255.255.255.101', 'xxxx')\n", (719, 758), False, 'from sampleObjects.User import User\n'), ((1051, 1121), 'sampleObjects.DetectionPoint.DetectionPoint', 'DetectionPoint', (['"""HTTP Verb"""', '"""GET Request used where POST is expected"""'], {}), "('HTTP Verb', 'GET Request used where POST is expected')\n", (1065, 1121), False, 'from sampleObjects.DetectionPoint import DetectionPoint\n'), ((798, 837), 'sampleObjects.User.User', 'User', (['"""Sergio"""', '"""109.123.234.1"""', '"""yyyy"""'], {}), "('Sergio', '109.123.234.1', 'yyyy')\n", (802, 837), False, 'from sampleObjects.User import User\n'), ((1155, 1229), 'sampleObjects.DetectionPoint.DetectionPoint', 'DetectionPoint', (['"""Login Page"""', '"""Hidden field altered within the login form"""'], {}), "('Login Page', 'Hidden field altered within the login form')\n", (1169, 1229), False, 'from sampleObjects.DetectionPoint import DetectionPoint\n'), ((877, 927), 'sampleObjects.User.User', 'User', (['"""Anonymous"""', '"""101.101.101.87"""', '"""354343jjk23"""'], {}), "('Anonymous', '101.101.101.87', '354343jjk23')\n", (881, 927), False, 'from sampleObjects.User import User\n'), ((467, 481), 'datetime.datetime.now', 'datetime.now', ([], {}), '()\n', (479, 481), False, 'from datetime import datetime\n')] |
ridwaniyas/channels-examples | news_collector/collector/consumers.py | 9e6a26c8e6404483695cbd96ebf12fc4ed9956b2 | import asyncio
import json
import datetime
from aiohttp import ClientSession
from channels.generic.http import AsyncHttpConsumer
from .constants import BLOGS
class NewsCollectorAsyncConsumer(AsyncHttpConsumer):
"""
Async HTTP consumer that fetches URLs.
"""
async def handle(self, body):
# Adapted from:
# "Making 1 million requests with python-aiohttp"
# https://pawelmhm.github.io/asyncio/python/aiohttp/2016/04/22/asyncio-aiohttp.html
async def fetch(url, session):
async with session.get(url) as response:
return await response.read()
tasks = []
loop = asyncio.get_event_loop()
# aiohttp allows a ClientSession object to link all requests together
t0 = datetime.datetime.now()
async with ClientSession() as session:
for name, url in BLOGS.items():
print('Start downloading "%s"' % name)
# Launch a coroutine for each URL fetch
task = loop.create_task(fetch(url, session))
tasks.append(task)
# Wait on, and then gather, all responses
responses = await asyncio.gather(*tasks)
dt = (datetime.datetime.now() - t0).total_seconds()
print('All downloads completed; elapsed time: {} [s]'.format(dt))
# asyncio.gather returns results in the order of the original sequence,
# so we can safely zip these together.
data = dict(zip(BLOGS.keys(), [r.decode('utf-8') for r in responses]))
text = json.dumps(data)
# We have to send a response using send_response rather than returning
# it in Channels' async HTTP consumer
await self.send_response(200,
text.encode(),
headers=[
("Content-Type", "application/json"),
]
)
| [((654, 678), 'asyncio.get_event_loop', 'asyncio.get_event_loop', ([], {}), '()\n', (676, 678), False, 'import asyncio\n'), ((771, 794), 'datetime.datetime.now', 'datetime.datetime.now', ([], {}), '()\n', (792, 794), False, 'import datetime\n'), ((1565, 1581), 'json.dumps', 'json.dumps', (['data'], {}), '(data)\n', (1575, 1581), False, 'import json\n'), ((814, 829), 'aiohttp.ClientSession', 'ClientSession', ([], {}), '()\n', (827, 829), False, 'from aiohttp import ClientSession\n'), ((1178, 1200), 'asyncio.gather', 'asyncio.gather', (['*tasks'], {}), '(*tasks)\n', (1192, 1200), False, 'import asyncio\n'), ((1219, 1242), 'datetime.datetime.now', 'datetime.datetime.now', ([], {}), '()\n', (1240, 1242), False, 'import datetime\n')] |
PhilipBuhr/randomCsv | src/randomcsv/FileUtils.py | 34b1da62134077dfe4db2682ee0da386ef380c1d | import os
from pathlib import Path
def write(file_name, content):
Path(os.path.dirname(file_name)).mkdir(parents=True, exist_ok=True)
with open(file_name, 'w') as file:
file.write(content)
def read_line_looping(file_name, count):
i = 0
lines = []
file = open(file_name, 'r')
line = file.readline()
if line == '':
raise EmptyFileError(f'Error: Dictionary {file_name} seems to be empty')
while i < count:
lines.append(line.strip())
i += 1
line = file.readline()
if line == '':
file.close()
file = open(file_name, 'r')
line = file.readline()
file.close()
return lines
class EmptyFileError(Exception):
pass
| [((77, 103), 'os.path.dirname', 'os.path.dirname', (['file_name'], {}), '(file_name)\n', (92, 103), False, 'import os\n')] |
vats98754/stringtoiso | stringtoiso/__init__.py | 985da5efa26111ef1d92b7026b5d5d68f0101ef1 | from stringtoiso.convert_to_iso import convert | [] |
PNNL-Comp-Mass-Spec/DtaRefinery | aux_sys_err_prediction_module/additive/R_runmed_spline/my_R_runmed_spline_analysis.py | 609cc90d0322af69aea43c2fc21d9cf05a06797a | from aux_sys_err_prediction_module.additive.R_runmed_spline.my_R_runmed_spline_fit import R_runmed_smooth_spline
from numpy import random, array, median, zeros, arange, hstack
from win32com.client import Dispatch
import math
myName = 'R_runmed_spline'
useMAD = True # use median absolute deviations instead of sum of squared residues
# -----------------------------------------------------------------------
def R_runmed_spline_MAIN(ARG3, Controller):
pars = Controller.updatedSettings['refiningPars']['regressionSettings'][myName]
# ARG3
x = ARG3[0][0]
y = ARG3[0][1]
sc = Dispatch("StatConnectorSrv.StatConnector")
sc.Init("R")
# get the best smoothing parameter
bestSpar = R_runmed_spline_KCV_OPTIMIZATION(x, y, sc=sc, **pars)
# get the prediction error for this smoothing parameter
bestPredErr = R_runmed_spline_KCV_predErr(x, y, spar=bestSpar, sc=sc, **pars)
# compare with original SSE
# is fit successful?
# return isSuccessfulFit, yFit, yEval, runMedData
SSE = sum(y ** 2)
MAD = 1.4826 * median(abs(y))
if useMAD:
SSE = MAD
if bestPredErr < SSE:
isSuccessfulFit = True
#
ppmArrs = [[] for i in range(len(ARG3))]
for ind in range(len(ARG3)):
x = ARG3[ind][0]
y = ARG3[ind][1]
xEval = ARG3[ind][2]
#
yFit, runMedData = R_runmed_smooth_spline(x, y, x, spar=bestSpar, sc=sc, **pars)
yEval, runMedData = R_runmed_smooth_spline(x, y, xEval, spar=bestSpar, sc=sc, **pars)
#
ppmArrs[ind] = [yFit, yEval]
else:
isSuccessfulFit = False
#
ppmArrs = [[] for i in range(len(ARG3))]
for ind in range(len(ARG3)):
x = ARG3[ind][0]
y = ARG3[ind][1]
xEval = ARG3[ind][2]
#
yFit = zeros(len(x), 'd')
yEval = zeros(len(xEval), 'd')
#
ppmArrs[ind] = [yFit, yEval]
sc.Close()
return isSuccessfulFit, bestPredErr, ppmArrs
# -----------------------------------------------------------------------
# -----------------------------------------------------------------------
def R_runmed_spline_KCV_OPTIMIZATION(x, y, sc, **pars):
sparRange = array([float(i) for i in pars['spar range'].split(',')])
sparStepsNum = int(pars['spar steps number'])
sparStep = round((sparRange[1] - sparRange[0]) / sparStepsNum, 5)
sparSet = arange(sparRange[0], sparRange[1], sparStep)
predErrSet = zeros(len(sparSet), 'd')
for i in range(len(sparSet)):
predErr = R_runmed_spline_KCV_predErr(x, y, spar=sparSet[i], sc=sc, **pars)
predErrSet[i] = predErr
## p(zip(sparSet, predErrSet))
spar = sparSet[predErrSet == min(predErrSet)][-1] # take the last one (smoothest) if there are few
## print('spar ', spar)
return spar
# -----------------------------------------------------------------------
# -----------------------------------------------------------------------
def R_runmed_spline_KCV_predErr(x, y, **kwargs):
"""
just returns the prediction error
"""
K = int(kwargs['K'])
# --Related to K-fold CV---------------------------
L = len(x)
N = L / K ##min length of pieces
W = list(range(L))
Z = list(range(1, K + 1))
Z = [N for j in Z]
R = L % K
Z[0:R] = [j + 1 for j in Z[0:R]] # length of the pieces
random.shuffle(W)
ind = 0
predErr = 0
allResiduals = array([])
SSE = sum(y ** 2) # VLAD. Why do I need this???
# ---running through K training/testings-------------
for val in Z:
j = math.floor(val)
# ---making training/testing subsets-------------
test = W[ind:ind + j]
test.sort()
train = W[0:ind] + W[ind + j:]
train.sort()
ind += j
# -----------------------------------------------
# ---fit runmed_spline here----------------------
yFit, runMed = R_runmed_smooth_spline(x[train], y[train], x[test], **kwargs)
residualsTest = y[test] - yFit
predErr += sum(residualsTest ** 2)
allResiduals = hstack((allResiduals, residualsTest))
# -----------------------------------------------
if useMAD:
predErr = 1.4826 * median(abs(allResiduals))
return predErr
# -----------------------------------------------------------------------
if __name__ == '__main__':
from numpy import linspace, cos, lexsort, zeros, sin
from pylab import plot, show, subplot, savefig, clf, ylim
from pprint import pprint as p
from time import clock as c
x1 = linspace(0, 30, 300)
## y1 = cos(x1)
## y1 = zeros(len(x1),'d') #nice test
y1 = x1 * 0.03
y1 += random.normal(scale=0.2, size=y1.shape)
ind = lexsort(keys=(y1, x1))
x1 = x1[ind]
y1 = y1[ind]
t1 = c()
isSuccessfulFit, yFit, yEval, runMedData, predErr = \
R_runmed_spline_MAIN(x1, y1, x1, runMedSpan=0.01, K=10, sparRange=[0.6, 1.1, 0.1])
t2 = c()
print('done in %s seconds' % (t2 - t1))
subplot(211)
plot(x1, y1, 'bo')
plot(runMedData[0], runMedData[1], 'y^')
plot(x1, yEval, 'r+-')
ylim([-1.5, +1.5])
subplot(212)
plot(x1, y1 - yEval, 'go')
ylim([-1.5, +1.5])
show()
| [((619, 661), 'win32com.client.Dispatch', 'Dispatch', (['"""StatConnectorSrv.StatConnector"""'], {}), "('StatConnectorSrv.StatConnector')\n", (627, 661), False, 'from win32com.client import Dispatch\n'), ((2552, 2596), 'numpy.arange', 'arange', (['sparRange[0]', 'sparRange[1]', 'sparStep'], {}), '(sparRange[0], sparRange[1], sparStep)\n', (2558, 2596), False, 'from numpy import random, array, median, zeros, arange, hstack\n'), ((3556, 3573), 'numpy.random.shuffle', 'random.shuffle', (['W'], {}), '(W)\n', (3570, 3573), False, 'from numpy import random, array, median, zeros, arange, hstack\n'), ((3624, 3633), 'numpy.array', 'array', (['[]'], {}), '([])\n', (3629, 3633), False, 'from numpy import random, array, median, zeros, arange, hstack\n'), ((4806, 4826), 'numpy.linspace', 'linspace', (['(0)', '(30)', '(300)'], {}), '(0, 30, 300)\n', (4814, 4826), False, 'from numpy import linspace, cos, lexsort, zeros, sin\n'), ((4930, 4969), 'numpy.random.normal', 'random.normal', ([], {'scale': '(0.2)', 'size': 'y1.shape'}), '(scale=0.2, size=y1.shape)\n', (4943, 4969), False, 'from numpy import random, array, median, zeros, arange, hstack\n'), ((4981, 5003), 'numpy.lexsort', 'lexsort', ([], {'keys': '(y1, x1)'}), '(keys=(y1, x1))\n', (4988, 5003), False, 'from numpy import linspace, cos, lexsort, zeros, sin\n'), ((5052, 5055), 'time.clock', 'c', ([], {}), '()\n', (5053, 5055), True, 'from time import clock as c\n'), ((5217, 5220), 'time.clock', 'c', ([], {}), '()\n', (5218, 5220), True, 'from time import clock as c\n'), ((5273, 5285), 'pylab.subplot', 'subplot', (['(211)'], {}), '(211)\n', (5280, 5285), False, 'from pylab import plot, show, subplot, savefig, clf, ylim\n'), ((5291, 5309), 'pylab.plot', 'plot', (['x1', 'y1', '"""bo"""'], {}), "(x1, y1, 'bo')\n", (5295, 5309), False, 'from pylab import plot, show, subplot, savefig, clf, ylim\n'), ((5315, 5355), 'pylab.plot', 'plot', (['runMedData[0]', 'runMedData[1]', '"""y^"""'], {}), "(runMedData[0], runMedData[1], 'y^')\n", (5319, 5355), False, 'from pylab import plot, show, subplot, savefig, clf, ylim\n'), ((5361, 5383), 'pylab.plot', 'plot', (['x1', 'yEval', '"""r+-"""'], {}), "(x1, yEval, 'r+-')\n", (5365, 5383), False, 'from pylab import plot, show, subplot, savefig, clf, ylim\n'), ((5389, 5407), 'pylab.ylim', 'ylim', (['[-1.5, +1.5]'], {}), '([-1.5, +1.5])\n', (5393, 5407), False, 'from pylab import plot, show, subplot, savefig, clf, ylim\n'), ((5413, 5425), 'pylab.subplot', 'subplot', (['(212)'], {}), '(212)\n', (5420, 5425), False, 'from pylab import plot, show, subplot, savefig, clf, ylim\n'), ((5431, 5457), 'pylab.plot', 'plot', (['x1', '(y1 - yEval)', '"""go"""'], {}), "(x1, y1 - yEval, 'go')\n", (5435, 5457), False, 'from pylab import plot, show, subplot, savefig, clf, ylim\n'), ((5463, 5481), 'pylab.ylim', 'ylim', (['[-1.5, +1.5]'], {}), '([-1.5, +1.5])\n', (5467, 5481), False, 'from pylab import plot, show, subplot, savefig, clf, ylim\n'), ((5487, 5493), 'pylab.show', 'show', ([], {}), '()\n', (5491, 5493), False, 'from pylab import plot, show, subplot, savefig, clf, ylim\n'), ((3779, 3794), 'math.floor', 'math.floor', (['val'], {}), '(val)\n', (3789, 3794), False, 'import math\n'), ((4132, 4193), 'aux_sys_err_prediction_module.additive.R_runmed_spline.my_R_runmed_spline_fit.R_runmed_smooth_spline', 'R_runmed_smooth_spline', (['x[train]', 'y[train]', 'x[test]'], {}), '(x[train], y[train], x[test], **kwargs)\n', (4154, 4193), False, 'from aux_sys_err_prediction_module.additive.R_runmed_spline.my_R_runmed_spline_fit import R_runmed_smooth_spline\n'), ((4302, 4339), 'numpy.hstack', 'hstack', (['(allResiduals, residualsTest)'], {}), '((allResiduals, residualsTest))\n', (4308, 4339), False, 'from numpy import random, array, median, zeros, arange, hstack\n'), ((1446, 1507), 'aux_sys_err_prediction_module.additive.R_runmed_spline.my_R_runmed_spline_fit.R_runmed_smooth_spline', 'R_runmed_smooth_spline', (['x', 'y', 'x'], {'spar': 'bestSpar', 'sc': 'sc'}), '(x, y, x, spar=bestSpar, sc=sc, **pars)\n', (1468, 1507), False, 'from aux_sys_err_prediction_module.additive.R_runmed_spline.my_R_runmed_spline_fit import R_runmed_smooth_spline\n'), ((1541, 1606), 'aux_sys_err_prediction_module.additive.R_runmed_spline.my_R_runmed_spline_fit.R_runmed_smooth_spline', 'R_runmed_smooth_spline', (['x', 'y', 'xEval'], {'spar': 'bestSpar', 'sc': 'sc'}), '(x, y, xEval, spar=bestSpar, sc=sc, **pars)\n', (1563, 1606), False, 'from aux_sys_err_prediction_module.additive.R_runmed_spline.my_R_runmed_spline_fit import R_runmed_smooth_spline\n')] |
Ms2ger/python-zstandard | setup.py | b8ea1f6722a710e252b452554442b84c81049439 | #!/usr/bin/env python
# Copyright (c) 2016-present, Gregory Szorc
# All rights reserved.
#
# This software may be modified and distributed under the terms
# of the BSD license. See the LICENSE file for details.
import os
import sys
from setuptools import setup
try:
import cffi
except ImportError:
cffi = None
import setup_zstd
SUPPORT_LEGACY = False
SYSTEM_ZSTD = False
WARNINGS_AS_ERRORS = False
if os.environ.get('ZSTD_WARNINGS_AS_ERRORS', ''):
WARNINGS_AS_ERRORS = True
if '--legacy' in sys.argv:
SUPPORT_LEGACY = True
sys.argv.remove('--legacy')
if '--system-zstd' in sys.argv:
SYSTEM_ZSTD = True
sys.argv.remove('--system-zstd')
if '--warnings-as-errors' in sys.argv:
WARNINGS_AS_ERRORS = True
sys.argv.remote('--warning-as-errors')
# Code for obtaining the Extension instance is in its own module to
# facilitate reuse in other projects.
extensions = [
setup_zstd.get_c_extension(name='zstd',
support_legacy=SUPPORT_LEGACY,
system_zstd=SYSTEM_ZSTD,
warnings_as_errors=WARNINGS_AS_ERRORS),
]
install_requires = []
if cffi:
import make_cffi
extensions.append(make_cffi.ffi.distutils_extension())
# Need change in 1.10 for ffi.from_buffer() to handle all buffer types
# (like memoryview).
# Need feature in 1.11 for ffi.gc() to declare size of objects so we avoid
# garbage collection pitfalls.
install_requires.append('cffi>=1.11')
version = None
with open('c-ext/python-zstandard.h', 'r') as fh:
for line in fh:
if not line.startswith('#define PYTHON_ZSTANDARD_VERSION'):
continue
version = line.split()[2][1:-1]
break
if not version:
raise Exception('could not resolve package version; '
'this should never happen')
setup(
name='zstandard',
version=version,
description='Zstandard bindings for Python',
long_description=open('README.rst', 'r').read(),
url='https://github.com/indygreg/python-zstandard',
author='Gregory Szorc',
author_email='[email protected]',
license='BSD',
classifiers=[
'Development Status :: 4 - Beta',
'Intended Audience :: Developers',
'License :: OSI Approved :: BSD License',
'Programming Language :: C',
'Programming Language :: Python :: 2.7',
'Programming Language :: Python :: 3.4',
'Programming Language :: Python :: 3.5',
'Programming Language :: Python :: 3.6',
],
keywords='zstandard zstd compression',
packages=['zstandard'],
ext_modules=extensions,
test_suite='tests',
install_requires=install_requires,
)
| [((414, 459), 'os.environ.get', 'os.environ.get', (['"""ZSTD_WARNINGS_AS_ERRORS"""', '""""""'], {}), "('ZSTD_WARNINGS_AS_ERRORS', '')\n", (428, 459), False, 'import os\n'), ((549, 576), 'sys.argv.remove', 'sys.argv.remove', (['"""--legacy"""'], {}), "('--legacy')\n", (564, 576), False, 'import sys\n'), ((637, 669), 'sys.argv.remove', 'sys.argv.remove', (['"""--system-zstd"""'], {}), "('--system-zstd')\n", (652, 669), False, 'import sys\n'), ((744, 782), 'sys.argv.remote', 'sys.argv.remote', (['"""--warning-as-errors"""'], {}), "('--warning-as-errors')\n", (759, 782), False, 'import sys\n'), ((909, 1047), 'setup_zstd.get_c_extension', 'setup_zstd.get_c_extension', ([], {'name': '"""zstd"""', 'support_legacy': 'SUPPORT_LEGACY', 'system_zstd': 'SYSTEM_ZSTD', 'warnings_as_errors': 'WARNINGS_AS_ERRORS'}), "(name='zstd', support_legacy=SUPPORT_LEGACY,\n system_zstd=SYSTEM_ZSTD, warnings_as_errors=WARNINGS_AS_ERRORS)\n", (935, 1047), False, 'import setup_zstd\n'), ((1216, 1251), 'make_cffi.ffi.distutils_extension', 'make_cffi.ffi.distutils_extension', ([], {}), '()\n', (1249, 1251), False, 'import make_cffi\n')] |
c4st1lh0/Projetos-de-Aula | Escolas/Curso em Video/Back-End/Curso de Python/Mundos/Mundo 01/Exercicio_16.py | e8abc9f4bce6cc8dbc6d7fb5da0f549ac8ef5302 | import math
num = float(input('Digite um numero real qualquer: '))
print('O numero: {} tem a parte inteira {}'.format(num, math.trunc(num))) | [((123, 138), 'math.trunc', 'math.trunc', (['num'], {}), '(num)\n', (133, 138), False, 'import math\n')] |
JarvisUSTC/DARDet | mmdet/ops/orn/functions/__init__.py | debbf476e9750030db67f030a40cf8d4f03e46ee | # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved.
import torch
from .active_rotating_filter import active_rotating_filter
from .active_rotating_filter import ActiveRotatingFilter
from .rotation_invariant_encoding import rotation_invariant_encoding
from .rotation_invariant_encoding import RotationInvariantEncoding
from .rotation_invariant_pooling import RotationInvariantPooling
__all__ = ['ActiveRotatingFilter', 'active_rotating_filter', 'rotation_invariant_encoding', 'RotationInvariantEncoding', 'RotationInvariantPooling'] | [] |
eriknw/sympy | sympy/core/tests/test_cache.py | b7544e2bb74c011f6098a7e886fd77f41776c2c4 | from sympy.core.cache import cacheit
def test_cacheit_doc():
@cacheit
def testfn():
"test docstring"
pass
assert testfn.__doc__ == "test docstring"
assert testfn.__name__ == "testfn"
| [] |
VietDunghacker/VarifocalNet | mmdet/models/losses/ranking_losses.py | f57917afb3c29ceba1d3c4f824d10b9cc53aaa40 | import torch
class RankSort(torch.autograd.Function):
@staticmethod
def forward(ctx, logits, targets, delta_RS=0.50, eps=1e-10):
classification_grads=torch.zeros(logits.shape).cuda()
#Filter fg logits
fg_labels = (targets > 0.)
fg_logits = logits[fg_labels]
fg_targets = targets[fg_labels]
fg_num = len(fg_logits)
#Do not use bg with scores less than minimum fg logit
#since changing its score does not have an effect on precision
threshold_logit = torch.min(fg_logits)-delta_RS
relevant_bg_labels=((targets==0) & (logits>=threshold_logit))
relevant_bg_logits = logits[relevant_bg_labels]
relevant_bg_grad=torch.zeros(len(relevant_bg_logits)).cuda()
sorting_error=torch.zeros(fg_num).cuda()
ranking_error=torch.zeros(fg_num).cuda()
fg_grad=torch.zeros(fg_num).cuda()
#sort the fg logits
order=torch.argsort(fg_logits)
#Loops over each positive following the order
for ii in order:
# Difference Transforms (x_ij)
fg_relations=fg_logits-fg_logits[ii]
bg_relations=relevant_bg_logits-fg_logits[ii]
if delta_RS > 0:
fg_relations=torch.clamp(fg_relations/(2*delta_RS)+0.5,min=0,max=1)
bg_relations=torch.clamp(bg_relations/(2*delta_RS)+0.5,min=0,max=1)
else:
fg_relations = (fg_relations >= 0).float()
bg_relations = (bg_relations >= 0).float()
# Rank of ii among pos and false positive number (bg with larger scores)
rank_pos=torch.sum(fg_relations)
FP_num=torch.sum(bg_relations)
# Rank of ii among all examples
rank=rank_pos+FP_num
# Ranking error of example ii. target_ranking_error is always 0. (Eq. 7)
ranking_error[ii]=FP_num/rank
# Current sorting error of example ii. (Eq. 7)
current_sorting_error = torch.sum(fg_relations*(1-fg_targets))/rank_pos
#Find examples in the target sorted order for example ii
iou_relations = (fg_targets >= fg_targets[ii])
target_sorted_order = iou_relations * fg_relations
#The rank of ii among positives in sorted order
rank_pos_target = torch.sum(target_sorted_order)
#Compute target sorting error. (Eq. 8)
#Since target ranking error is 0, this is also total target error
target_sorting_error= torch.sum(target_sorted_order*(1-fg_targets))/rank_pos_target
#Compute sorting error on example ii
sorting_error[ii] = current_sorting_error - target_sorting_error
#Identity Update for Ranking Error
if FP_num > eps:
#For ii the update is the ranking error
fg_grad[ii] -= ranking_error[ii]
#For negatives, distribute error via ranking pmf (i.e. bg_relations/FP_num)
relevant_bg_grad += (bg_relations*(ranking_error[ii]/FP_num))
#Find the positives that are misranked (the cause of the error)
#These are the ones with smaller IoU but larger logits
missorted_examples = (~ iou_relations) * fg_relations
#Denominotor of sorting pmf
sorting_pmf_denom = torch.sum(missorted_examples)
#Identity Update for Sorting Error
if sorting_pmf_denom > eps:
#For ii the update is the sorting error
fg_grad[ii] -= sorting_error[ii]
#For positives, distribute error via sorting pmf (i.e. missorted_examples/sorting_pmf_denom)
fg_grad += (missorted_examples*(sorting_error[ii]/sorting_pmf_denom))
#Normalize gradients by number of positives
classification_grads[fg_labels]= (fg_grad/fg_num)
classification_grads[relevant_bg_labels]= (relevant_bg_grad/fg_num)
ctx.save_for_backward(classification_grads)
return ranking_error.mean(), sorting_error.mean()
@staticmethod
def backward(ctx, out_grad1, out_grad2):
g1, =ctx.saved_tensors
return g1*out_grad1, None, None, None
class aLRPLoss(torch.autograd.Function):
@staticmethod
def forward(ctx, logits, targets, regression_losses, delta=1., eps=1e-5):
classification_grads=torch.zeros(logits.shape).cuda()
#Filter fg logits
fg_labels = (targets == 1)
fg_logits = logits[fg_labels]
fg_num = len(fg_logits)
#Do not use bg with scores less than minimum fg logit
#since changing its score does not have an effect on precision
threshold_logit = torch.min(fg_logits)-delta
#Get valid bg logits
relevant_bg_labels=((targets==0)&(logits>=threshold_logit))
relevant_bg_logits=logits[relevant_bg_labels]
relevant_bg_grad=torch.zeros(len(relevant_bg_logits)).cuda()
rank=torch.zeros(fg_num).cuda()
prec=torch.zeros(fg_num).cuda()
fg_grad=torch.zeros(fg_num).cuda()
max_prec=0
#sort the fg logits
order=torch.argsort(fg_logits)
#Loops over each positive following the order
for ii in order:
#x_ij s as score differences with fgs
fg_relations=fg_logits-fg_logits[ii]
#Apply piecewise linear function and determine relations with fgs
fg_relations=torch.clamp(fg_relations/(2*delta)+0.5,min=0,max=1)
#Discard i=j in the summation in rank_pos
fg_relations[ii]=0
#x_ij s as score differences with bgs
bg_relations=relevant_bg_logits-fg_logits[ii]
#Apply piecewise linear function and determine relations with bgs
bg_relations=torch.clamp(bg_relations/(2*delta)+0.5,min=0,max=1)
#Compute the rank of the example within fgs and number of bgs with larger scores
rank_pos=1+torch.sum(fg_relations)
FP_num=torch.sum(bg_relations)
#Store the total since it is normalizer also for aLRP Regression error
rank[ii]=rank_pos+FP_num
#Compute precision for this example to compute classification loss
prec[ii]=rank_pos/rank[ii]
#For stability, set eps to a infinitesmall value (e.g. 1e-6), then compute grads
if FP_num > eps:
fg_grad[ii] = -(torch.sum(fg_relations*regression_losses)+FP_num)/rank[ii]
relevant_bg_grad += (bg_relations*(-fg_grad[ii]/FP_num))
#aLRP with grad formulation fg gradient
classification_grads[fg_labels]= fg_grad
#aLRP with grad formulation bg gradient
classification_grads[relevant_bg_labels]= relevant_bg_grad
classification_grads /= (fg_num)
cls_loss=1-prec.mean()
ctx.save_for_backward(classification_grads)
return cls_loss, rank, order
@staticmethod
def backward(ctx, out_grad1, out_grad2, out_grad3):
g1, =ctx.saved_tensors
return g1*out_grad1, None, None, None, None
class APLoss(torch.autograd.Function):
@staticmethod
def forward(ctx, logits, targets, delta=1.):
classification_grads=torch.zeros(logits.shape).cuda()
#Filter fg logits
fg_labels = (targets == 1)
fg_logits = logits[fg_labels]
fg_num = len(fg_logits)
#Do not use bg with scores less than minimum fg logit
#since changing its score does not have an effect on precision
threshold_logit = torch.min(fg_logits)-delta
#Get valid bg logits
relevant_bg_labels=((targets==0)&(logits>=threshold_logit))
relevant_bg_logits=logits[relevant_bg_labels]
relevant_bg_grad=torch.zeros(len(relevant_bg_logits)).cuda()
rank=torch.zeros(fg_num).cuda()
prec=torch.zeros(fg_num).cuda()
fg_grad=torch.zeros(fg_num).cuda()
max_prec=0
#sort the fg logits
order=torch.argsort(fg_logits)
#Loops over each positive following the order
for ii in order:
#x_ij s as score differences with fgs
fg_relations=fg_logits-fg_logits[ii]
#Apply piecewise linear function and determine relations with fgs
fg_relations=torch.clamp(fg_relations/(2*delta)+0.5,min=0,max=1)
#Discard i=j in the summation in rank_pos
fg_relations[ii]=0
#x_ij s as score differences with bgs
bg_relations=relevant_bg_logits-fg_logits[ii]
#Apply piecewise linear function and determine relations with bgs
bg_relations=torch.clamp(bg_relations/(2*delta)+0.5,min=0,max=1)
#Compute the rank of the example within fgs and number of bgs with larger scores
rank_pos=1+torch.sum(fg_relations)
FP_num=torch.sum(bg_relations)
#Store the total since it is normalizer also for aLRP Regression error
rank[ii]=rank_pos+FP_num
#Compute precision for this example
current_prec=rank_pos/rank[ii]
#Compute interpolated AP and store gradients for relevant bg examples
if (max_prec<=current_prec):
max_prec=current_prec
relevant_bg_grad += (bg_relations/rank[ii])
else:
relevant_bg_grad += (bg_relations/rank[ii])*(((1-max_prec)/(1-current_prec)))
#Store fg gradients
fg_grad[ii]=-(1-max_prec)
prec[ii]=max_prec
#aLRP with grad formulation fg gradient
classification_grads[fg_labels]= fg_grad
#aLRP with grad formulation bg gradient
classification_grads[relevant_bg_labels]= relevant_bg_grad
classification_grads /= fg_num
cls_loss=1-prec.mean()
ctx.save_for_backward(classification_grads)
return cls_loss
@staticmethod
def backward(ctx, out_grad1):
g1, =ctx.saved_tensors
return g1*out_grad1, None, None
| [((843, 867), 'torch.argsort', 'torch.argsort', (['fg_logits'], {}), '(fg_logits)\n', (856, 867), False, 'import torch\n'), ((4465, 4489), 'torch.argsort', 'torch.argsort', (['fg_logits'], {}), '(fg_logits)\n', (4478, 4489), False, 'import torch\n'), ((6972, 6996), 'torch.argsort', 'torch.argsort', (['fg_logits'], {}), '(fg_logits)\n', (6985, 6996), False, 'import torch\n'), ((476, 496), 'torch.min', 'torch.min', (['fg_logits'], {}), '(fg_logits)\n', (485, 496), False, 'import torch\n'), ((1416, 1439), 'torch.sum', 'torch.sum', (['fg_relations'], {}), '(fg_relations)\n', (1425, 1439), False, 'import torch\n'), ((1450, 1473), 'torch.sum', 'torch.sum', (['bg_relations'], {}), '(bg_relations)\n', (1459, 1473), False, 'import torch\n'), ((2021, 2051), 'torch.sum', 'torch.sum', (['target_sorted_order'], {}), '(target_sorted_order)\n', (2030, 2051), False, 'import torch\n'), ((2889, 2918), 'torch.sum', 'torch.sum', (['missorted_examples'], {}), '(missorted_examples)\n', (2898, 2918), False, 'import torch\n'), ((4076, 4096), 'torch.min', 'torch.min', (['fg_logits'], {}), '(fg_logits)\n', (4085, 4096), False, 'import torch\n'), ((4724, 4783), 'torch.clamp', 'torch.clamp', (['(fg_relations / (2 * delta) + 0.5)'], {'min': '(0)', 'max': '(1)'}), '(fg_relations / (2 * delta) + 0.5, min=0, max=1)\n', (4735, 4783), False, 'import torch\n'), ((5019, 5078), 'torch.clamp', 'torch.clamp', (['(bg_relations / (2 * delta) + 0.5)'], {'min': '(0)', 'max': '(1)'}), '(bg_relations / (2 * delta) + 0.5, min=0, max=1)\n', (5030, 5078), False, 'import torch\n'), ((5204, 5227), 'torch.sum', 'torch.sum', (['bg_relations'], {}), '(bg_relations)\n', (5213, 5227), False, 'import torch\n'), ((6583, 6603), 'torch.min', 'torch.min', (['fg_logits'], {}), '(fg_logits)\n', (6592, 6603), False, 'import torch\n'), ((7231, 7290), 'torch.clamp', 'torch.clamp', (['(fg_relations / (2 * delta) + 0.5)'], {'min': '(0)', 'max': '(1)'}), '(fg_relations / (2 * delta) + 0.5, min=0, max=1)\n', (7242, 7290), False, 'import torch\n'), ((7526, 7585), 'torch.clamp', 'torch.clamp', (['(bg_relations / (2 * delta) + 0.5)'], {'min': '(0)', 'max': '(1)'}), '(bg_relations / (2 * delta) + 0.5, min=0, max=1)\n', (7537, 7585), False, 'import torch\n'), ((7711, 7734), 'torch.sum', 'torch.sum', (['bg_relations'], {}), '(bg_relations)\n', (7720, 7734), False, 'import torch\n'), ((157, 182), 'torch.zeros', 'torch.zeros', (['logits.shape'], {}), '(logits.shape)\n', (168, 182), False, 'import torch\n'), ((703, 722), 'torch.zeros', 'torch.zeros', (['fg_num'], {}), '(fg_num)\n', (714, 722), False, 'import torch\n'), ((746, 765), 'torch.zeros', 'torch.zeros', (['fg_num'], {}), '(fg_num)\n', (757, 765), False, 'import torch\n'), ((783, 802), 'torch.zeros', 'torch.zeros', (['fg_num'], {}), '(fg_num)\n', (794, 802), False, 'import torch\n'), ((1097, 1159), 'torch.clamp', 'torch.clamp', (['(fg_relations / (2 * delta_RS) + 0.5)'], {'min': '(0)', 'max': '(1)'}), '(fg_relations / (2 * delta_RS) + 0.5, min=0, max=1)\n', (1108, 1159), False, 'import torch\n'), ((1169, 1231), 'torch.clamp', 'torch.clamp', (['(bg_relations / (2 * delta_RS) + 0.5)'], {'min': '(0)', 'max': '(1)'}), '(bg_relations / (2 * delta_RS) + 0.5, min=0, max=1)\n', (1180, 1231), False, 'import torch\n'), ((1732, 1774), 'torch.sum', 'torch.sum', (['(fg_relations * (1 - fg_targets))'], {}), '(fg_relations * (1 - fg_targets))\n', (1741, 1774), False, 'import torch\n'), ((2190, 2239), 'torch.sum', 'torch.sum', (['(target_sorted_order * (1 - fg_targets))'], {}), '(target_sorted_order * (1 - fg_targets))\n', (2199, 2239), False, 'import torch\n'), ((3791, 3816), 'torch.zeros', 'torch.zeros', (['logits.shape'], {}), '(logits.shape)\n', (3802, 3816), False, 'import torch\n'), ((4308, 4327), 'torch.zeros', 'torch.zeros', (['fg_num'], {}), '(fg_num)\n', (4319, 4327), False, 'import torch\n'), ((4342, 4361), 'torch.zeros', 'torch.zeros', (['fg_num'], {}), '(fg_num)\n', (4353, 4361), False, 'import torch\n'), ((4379, 4398), 'torch.zeros', 'torch.zeros', (['fg_num'], {}), '(fg_num)\n', (4390, 4398), False, 'import torch\n'), ((5170, 5193), 'torch.sum', 'torch.sum', (['fg_relations'], {}), '(fg_relations)\n', (5179, 5193), False, 'import torch\n'), ((6298, 6323), 'torch.zeros', 'torch.zeros', (['logits.shape'], {}), '(logits.shape)\n', (6309, 6323), False, 'import torch\n'), ((6815, 6834), 'torch.zeros', 'torch.zeros', (['fg_num'], {}), '(fg_num)\n', (6826, 6834), False, 'import torch\n'), ((6849, 6868), 'torch.zeros', 'torch.zeros', (['fg_num'], {}), '(fg_num)\n', (6860, 6868), False, 'import torch\n'), ((6886, 6905), 'torch.zeros', 'torch.zeros', (['fg_num'], {}), '(fg_num)\n', (6897, 6905), False, 'import torch\n'), ((7677, 7700), 'torch.sum', 'torch.sum', (['fg_relations'], {}), '(fg_relations)\n', (7686, 7700), False, 'import torch\n'), ((5570, 5613), 'torch.sum', 'torch.sum', (['(fg_relations * regression_losses)'], {}), '(fg_relations * regression_losses)\n', (5579, 5613), False, 'import torch\n')] |
sadamek/pyIMX | tests/test_dcd_api.py | 52af15e656b400f0812f16cf31d9bf6edbe631ad | # Copyright (c) 2017-2018 Martin Olejar
#
# SPDX-License-Identifier: BSD-3-Clause
# The BSD-3-Clause license for this file can be found in the LICENSE file included with this distribution
# or at https://spdx.org/licenses/BSD-3-Clause.html#licenseText
import os
import pytest
from imx import img
# Used Directories
DATA_DIR = os.path.join(os.path.dirname(os.path.abspath(__file__)), 'data')
# Test Files
DCD_TXT = os.path.join(DATA_DIR, 'dcd_test.txt')
DCD_BIN = os.path.join(DATA_DIR, 'dcd_test.bin')
def setup_module(module):
# Prepare test environment
pass
def teardown_module(module):
# Clean test environment
pass
def test_txt_parser():
with open(DCD_TXT, 'r') as f:
dcd_obj = img.SegDCD.parse_txt(f.read())
assert dcd_obj is not None
assert len(dcd_obj) == 12
def test_bin_parser():
with open(DCD_BIN, 'rb') as f:
dcd_obj = img.SegDCD.parse(f.read())
assert dcd_obj is not None
assert len(dcd_obj) == 12
| [((417, 455), 'os.path.join', 'os.path.join', (['DATA_DIR', '"""dcd_test.txt"""'], {}), "(DATA_DIR, 'dcd_test.txt')\n", (429, 455), False, 'import os\n'), ((466, 504), 'os.path.join', 'os.path.join', (['DATA_DIR', '"""dcd_test.bin"""'], {}), "(DATA_DIR, 'dcd_test.bin')\n", (478, 504), False, 'import os\n'), ((357, 382), 'os.path.abspath', 'os.path.abspath', (['__file__'], {}), '(__file__)\n', (372, 382), False, 'import os\n')] |
nydailynews/feedutils | recentjson.py | 8cb18b26ebf70033df420f3fece8c2cac363f918 | #!/usr/bin/env python
# -*- coding: utf-8 -*-
# Return recent items from a json feed. Recent means "In the last X days."
import os
import doctest
import json
import urllib2
import argparse
import types
import gzip
from datetime import datetime, timedelta
from time import mktime
class RecentJson:
""" Methods for ingesting and publishing JSON feeds.
>>> url = 'http://www.nydailynews.com/json/cmlink/aaron-judge-1.3306628'
>>> parser = build_parser()
>>> args = parser.parse_args([url])
>>> rj = RecentJson(args)
"""
def __init__(self, args={}):
self.args = args
if not hasattr(self.args, 'days'):
self.args.days = 0
self.days = self.args.days
self.date_format = '%a, %d %b %Y %X'
def get(self, url):
""" Wrapper for API requests. Take a URL, return a json array.
>>> url = 'http://www.nydailynews.com/json/cmlink/aaron-judge-1.3306628'
>>> parser = build_parser()
>>> args = parser.parse_args([url])
>>> rj = RecentJson(args)
>>> rj.get(url)
True
"""
response = urllib2.urlopen(url)
if int(response.code) >= 400:
if 'verbose' in self.args and self.args.verbose:
print "URL: %s" % url
raise ValueError("URL %s response: %s" % (url, response['status']))
self.xml = response.read()
return True
def parse(self):
""" Turn the xml into an object.
>>> url = 'http://www.nydailynews.com/json/cmlink/aaron-judge-1.3306628'
>>> parser = build_parser()
>>> args = parser.parse_args([url])
>>> rj = RecentJson(args)
>>> rj.get(url)
True
>>> xml = rj.parse()
>>> print len(xml)
50
"""
try:
p = json.loads(self.xml)
except:
# Sometimes we download gzipped documents from the web.
fh = open('json.gz', 'wb')
fh.write(self.xml)
fh.close()
try:
gz = gzip.GzipFile('json.gz', 'r').read()
p = json.loads(gzip.GzipFile('json.gz', 'r').read())
except IOError:
return None
self.p = p
return p
def recently(self):
""" Return a feedparser entry object for the last X days of feed entries.
>>> url = 'http://www.nydailynews.com/json/cmlink/aaron-judge-1.3306628'
>>> parser = build_parser()
>>> args = parser.parse_args([url])
>>> rj = RecentJson(args)
>>> rj.get(url)
True
>>> xml = rj.parse()
>>> articles = rj.recently()
"""
items = []
for item in self.p:
# print item.keys()
# [u'body', u'tags', u'url', u'contentId', u'abstract', u'author', u'lastUpdated', u'mobileTitle', u'mobileUrl', u'publish_date', u'images', u'title', u'type', u'categories']
# print item['publish_date']
# Fri, 7 Jul 2017 15:16:38 -0400
#dt = datetime.strptime(item['publish_date'], '%a, %d %b %Y %X %z')
dt = datetime.strptime(' '.join(item['publish_date'].split(' ')[:5]), self.date_format)
delta = datetime.today() - dt
if delta.days > int(self.days):
continue
items.append(item)
if 'verbose' in self.args and self.args.verbose:
print delta.days, dt
self.items = items
return items
def pretty_date(ago):
""" Process a timedelta object.
From https://stackoverflow.com/questions/1551382/user-friendly-time-format-in-python
"""
second_diff = ago.seconds
day_diff = ago.days
if day_diff < 0:
return ''
if day_diff == 0:
if second_diff < 10:
return "just now"
if second_diff < 60:
return str(second_diff) + " seconds ago"
if second_diff < 120:
return "a minute ago"
if second_diff < 3600:
return str(second_diff / 60) + " minutes ago"
if second_diff < 7200:
return "an hour ago"
if second_diff < 86400:
return str(second_diff / 3600) + " hours ago"
if day_diff == 1:
return "Yesterday"
if day_diff < 7:
return str(day_diff) + " days ago"
if day_diff < 31:
if day_diff / 7 == 1:
return str(day_diff / 7) + " week ago"
return str(day_diff / 7) + " weeks ago"
if day_diff < 365:
if day_diff / 30 == 1:
return str(day_diff / 30) + " month ago"
return str(day_diff / 30) + " months ago"
if day_diff / 365 == 1:
return str(day_diff / 365) + " year ago"
return str(day_diff / 365) + " years ago"
def main(args):
""" For command-line use.
"""
rj = RecentJson(args)
if args:
articles = []
for arg in args.urls[0]:
if args.verbose:
print arg
rj.get(arg)
try:
p = rj.parse()
except:
continue
if not p:
continue
articles.append(rj.recently())
if len(articles) is 0:
return None
for i, article in enumerate(articles[0]):
if i >= args.limit and args.limit > 0:
break
dt = datetime.strptime(' '.join(article['publish_date'].split(' ')[:5]), '%a, %d %b %Y %X')
ago = datetime.now() - dt
# print ago
# 2 days, 15:57:48.578638
if args.output == 'html':
if type(article['title']) is types.UnicodeType:
article['title'] = article['title'].encode('utf-8', 'replace')
if args.listitem == True:
print '<li><a href="{0}">{1}</a> <span>({2})</span></li>'.format(article['url'], article['title'], pretty_date(ago).lower())
elif args.nostamp == True:
print '<li><a href="{0}">{1}</a></li>'.format(article['url'], article['title'], pretty_date(ago).lower())
else:
print '<a href="{0}">{1}</a> <span>({2})</span>'.format(article['url'], article['title'], pretty_date(ago).lower())
if args.output == 'js':
if type(article['title']) is types.UnicodeType:
article['title'] = article['title'].encode('utf-8', 'replace')
print 'var hed = "<a href=\'{0}\'>{1}</a> <span>({2})</span>";'.format(article['url'], article['title'].replace('"', '\\\\"'), pretty_date(ago).lower())
elif args.output == 'json':
print json.dumps({'title': article['title'],
'id': article['id'],
'description': article['description']})
elif args.output == 'csv':
dt = datetime.strptime(' '.join(article['publish_date'].split(' ')[:5]), '%a, %d %b %Y %X')
article['datetime'] = '%s-%s-%s' % (dt.year, dt.month, dt.day)
if dt.month < 10:
article['datetime'] = '%d-0%d-%d' % (dt.year, dt.month, dt.day)
if dt.day < 10:
article['datetime'] = '%d-0%d-0%d' % (dt.year, dt.month, dt.day)
article['slug'] = article['title'].lower().replace(' ', '-').replace('--', '-').replace(':', '')
article['iframe_url'] = article['media_player']['url']
article['image_url'] = article['media_thumbnail'][0]['url']
article['image_large_url'] = article['media_thumbnail'][1]['url']
article['description'] = article['description'].replace('"', "'")
# date,title,id,slug,player_url,image_url,image_large_url,keywords,description
print '%(datetime)s,"%(title)s",%(id)s,%(slug)s,%(iframe_url)s,%(image_url)s,%(image_large_url)s,"%(media_keywords)s","%(description)s"' % article
def build_parser():
""" We put the argparse in a method so we can test it
outside of the command-line.
"""
parser = argparse.ArgumentParser(usage='$ python recentjson.py http://domain.com/json/',
description='''Takes a list of URLs passed as args.
Returns the items published today unless otherwise specified.''',
epilog='')
parser.add_argument("-v", "--verbose", dest="verbose", default=False, action="store_true")
parser.add_argument("--test", dest="test", default=False, action="store_true")
parser.add_argument("-d", "--days", dest="days", default=0)
parser.add_argument("-l", "--limit", dest="limit", default=0, type=int)
parser.add_argument("-o", "--output", dest="output", default="html", type=str)
parser.add_argument("--li", dest="listitem", default=False, action="store_true")
parser.add_argument("--ns", dest="nostamp", default=False, action="store_true")
parser.add_argument("urls", action="append", nargs="*")
return parser
if __name__ == '__main__':
"""
"""
parser = build_parser()
args = parser.parse_args()
if args.test:
doctest.testmod(verbose=args.verbose)
main(args)
| [] |
Liastre/pcre2 | maint/MultiStage2.py | ca4fd145ee16acbc67b52b8563ab6e25c67ddfc8 | #! /usr/bin/python
# Multistage table builder
# (c) Peter Kankowski, 2008
##############################################################################
# This script was submitted to the PCRE project by Peter Kankowski as part of
# the upgrading of Unicode property support. The new code speeds up property
# matching many times. The script is for the use of PCRE maintainers, to
# generate the pcre2_ucd.c file that contains a digested form of the Unicode
# data tables. A number of extensions have been added to the original script.
#
# The script has now been upgraded to Python 3 for PCRE2, and should be run in
# the maint subdirectory, using the command
#
# [python3] ./MultiStage2.py >../src/pcre2_ucd.c
#
# It requires six Unicode data tables: DerivedGeneralCategory.txt,
# GraphemeBreakProperty.txt, Scripts.txt, ScriptExtensions.txt,
# CaseFolding.txt, and emoji-data.txt. These must be in the
# maint/Unicode.tables subdirectory.
#
# DerivedGeneralCategory.txt is found in the "extracted" subdirectory of the
# Unicode database (UCD) on the Unicode web site; GraphemeBreakProperty.txt is
# in the "auxiliary" subdirectory. Scripts.txt, ScriptExtensions.txt, and
# CaseFolding.txt are directly in the UCD directory. The emoji-data.txt file is
# in files associated with Unicode Technical Standard #51 ("Unicode Emoji"),
# for example:
#
# http://unicode.org/Public/emoji/11.0/emoji-data.txt
#
# -----------------------------------------------------------------------------
# Minor modifications made to this script:
# Added #! line at start
# Removed tabs
# Made it work with Python 2.4 by rewriting two statements that needed 2.5
# Consequent code tidy
# Adjusted data file names to take from the Unicode.tables directory
# Adjusted global table names by prefixing _pcre_.
# Commented out stuff relating to the casefolding table, which isn't used;
# removed completely in 2012.
# Corrected size calculation
# Add #ifndef SUPPORT_UCP to use dummy tables when no UCP support is needed.
# Update for PCRE2: name changes, and SUPPORT_UCP is abolished.
#
# Major modifications made to this script:
# Added code to add a grapheme break property field to records.
#
# Added code to search for sets of more than two characters that must match
# each other caselessly. A new table is output containing these sets, and
# offsets into the table are added to the main output records. This new
# code scans CaseFolding.txt instead of UnicodeData.txt, which is no longer
# used.
#
# Update for Python3:
# . Processed with 2to3, but that didn't fix everything
# . Changed string.strip to str.strip
# . Added encoding='utf-8' to the open() call
# . Inserted 'int' before blocksize/ELEMS_PER_LINE because an int is
# required and the result of the division is a float
#
# Added code to scan the emoji-data.txt file to find the Extended Pictographic
# property, which is used by PCRE2 as a grapheme breaking property. This was
# done when updating to Unicode 11.0.0 (July 2018).
#
# Added code to add a Script Extensions field to records. This has increased
# their size from 8 to 12 bytes, only 10 of which are currently used.
#
# 01-March-2010: Updated list of scripts for Unicode 5.2.0
# 30-April-2011: Updated list of scripts for Unicode 6.0.0
# July-2012: Updated list of scripts for Unicode 6.1.0
# 20-August-2012: Added scan of GraphemeBreakProperty.txt and added a new
# field in the record to hold the value. Luckily, the
# structure had a hole in it, so the resulting table is
# not much bigger than before.
# 18-September-2012: Added code for multiple caseless sets. This uses the
# final hole in the structure.
# 30-September-2012: Added RegionalIndicator break property from Unicode 6.2.0
# 13-May-2014: Updated for PCRE2
# 03-June-2014: Updated for Python 3
# 20-June-2014: Updated for Unicode 7.0.0
# 12-August-2014: Updated to put Unicode version into the file
# 19-June-2015: Updated for Unicode 8.0.0
# 02-July-2017: Updated for Unicode 10.0.0
# 03-July-2018: Updated for Unicode 11.0.0
# 07-July-2018: Added code to scan emoji-data.txt for the Extended
# Pictographic property.
# 01-October-2018: Added the 'Unknown' script name
# 03-October-2018: Added new field for Script Extensions
# 27-July-2019: Updated for Unicode 12.1.0
# ----------------------------------------------------------------------------
#
#
# The main tables generated by this script are used by macros defined in
# pcre2_internal.h. They look up Unicode character properties using short
# sequences of code that contains no branches, which makes for greater speed.
#
# Conceptually, there is a table of records (of type ucd_record), containing a
# script number, script extension value, character type, grapheme break type,
# offset to caseless matching set, offset to the character's other case, for
# every Unicode character. However, a real table covering all Unicode
# characters would be far too big. It can be efficiently compressed by
# observing that many characters have the same record, and many blocks of
# characters (taking 128 characters in a block) have the same set of records as
# other blocks. This leads to a 2-stage lookup process.
#
# This script constructs six tables. The ucd_caseless_sets table contains
# lists of characters that all match each other caselessly. Each list is
# in order, and is terminated by NOTACHAR (0xffffffff), which is larger than
# any valid character. The first list is empty; this is used for characters
# that are not part of any list.
#
# The ucd_digit_sets table contains the code points of the '9' characters in
# each set of 10 decimal digits in Unicode. This is used to ensure that digits
# in script runs all come from the same set. The first element in the vector
# contains the number of subsequent elements, which are in ascending order.
#
# The ucd_script_sets vector contains lists of script numbers that are the
# Script Extensions properties of certain characters. Each list is terminated
# by zero (ucp_Unknown). A character with more than one script listed for its
# Script Extension property has a negative value in its record. This is the
# negated offset to the start of the relevant list in the ucd_script_sets
# vector.
#
# The ucd_records table contains one instance of every unique record that is
# required. The ucd_stage1 table is indexed by a character's block number,
# which is the character's code point divided by 128, since 128 is the size
# of each block. The result of a lookup in ucd_stage1 a "virtual" block number.
#
# The ucd_stage2 table is a table of "virtual" blocks; each block is indexed by
# the offset of a character within its own block, and the result is the index
# number of the required record in the ucd_records vector.
#
# The following examples are correct for the Unicode 11.0.0 database. Future
# updates may make change the actual lookup values.
#
# Example: lowercase "a" (U+0061) is in block 0
# lookup 0 in stage1 table yields 0
# lookup 97 (0x61) in the first table in stage2 yields 17
# record 17 is { 34, 5, 12, 0, -32, 34, 0 }
# 34 = ucp_Latin => Latin script
# 5 = ucp_Ll => Lower case letter
# 12 = ucp_gbOther => Grapheme break property "Other"
# 0 => Not part of a caseless set
# -32 (-0x20) => Other case is U+0041
# 34 = ucp_Latin => No special Script Extension property
# 0 => Dummy value, unused at present
#
# Almost all lowercase latin characters resolve to the same record. One or two
# are different because they are part of a multi-character caseless set (for
# example, k, K and the Kelvin symbol are such a set).
#
# Example: hiragana letter A (U+3042) is in block 96 (0x60)
# lookup 96 in stage1 table yields 90
# lookup 66 (0x42) in table 90 in stage2 yields 564
# record 564 is { 27, 7, 12, 0, 0, 27, 0 }
# 27 = ucp_Hiragana => Hiragana script
# 7 = ucp_Lo => Other letter
# 12 = ucp_gbOther => Grapheme break property "Other"
# 0 => Not part of a caseless set
# 0 => No other case
# 27 = ucp_Hiragana => No special Script Extension property
# 0 => Dummy value, unused at present
#
# Example: vedic tone karshana (U+1CD0) is in block 57 (0x39)
# lookup 57 in stage1 table yields 55
# lookup 80 (0x50) in table 55 in stage2 yields 458
# record 458 is { 28, 12, 3, 0, 0, -101, 0 }
# 28 = ucp_Inherited => Script inherited from predecessor
# 12 = ucp_Mn => Non-spacing mark
# 3 = ucp_gbExtend => Grapheme break property "Extend"
# 0 => Not part of a caseless set
# 0 => No other case
# -101 => Script Extension list offset = 101
# 0 => Dummy value, unused at present
#
# At offset 101 in the ucd_script_sets vector we find the list 3, 15, 107, 29,
# and terminator 0. This means that this character is expected to be used with
# any of those scripts, which are Bengali, Devanagari, Grantha, and Kannada.
#
# Philip Hazel, 03 July 2008
# Last Updated: 07 October 2018
##############################################################################
import re
import string
import sys
MAX_UNICODE = 0x110000
NOTACHAR = 0xffffffff
# Parse a line of Scripts.txt, GraphemeBreakProperty.txt or DerivedGeneralCategory.txt
def make_get_names(enum):
return lambda chardata: enum.index(chardata[1])
# Parse a line of CaseFolding.txt
def get_other_case(chardata):
if chardata[1] == 'C' or chardata[1] == 'S':
return int(chardata[2], 16) - int(chardata[0], 16)
return 0
# Parse a line of ScriptExtensions.txt
def get_script_extension(chardata):
this_script_list = list(chardata[1].split(' '))
if len(this_script_list) == 1:
return script_abbrevs.index(this_script_list[0])
script_numbers = []
for d in this_script_list:
script_numbers.append(script_abbrevs.index(d))
script_numbers.append(0)
script_numbers_length = len(script_numbers)
for i in range(1, len(script_lists) - script_numbers_length + 1):
for j in range(0, script_numbers_length):
found = True
if script_lists[i+j] != script_numbers[j]:
found = False
break
if found:
return -i
# Not found in existing lists
return_value = len(script_lists)
script_lists.extend(script_numbers)
return -return_value
# Read the whole table in memory, setting/checking the Unicode version
def read_table(file_name, get_value, default_value):
global unicode_version
f = re.match(r'^[^/]+/([^.]+)\.txt$', file_name)
file_base = f.group(1)
version_pat = r"^# " + re.escape(file_base) + r"-(\d+\.\d+\.\d+)\.txt$"
file = open(file_name, 'r', encoding='utf-8')
f = re.match(version_pat, file.readline())
version = f.group(1)
if unicode_version == "":
unicode_version = version
elif unicode_version != version:
print("WARNING: Unicode version differs in %s", file_name, file=sys.stderr)
table = [default_value] * MAX_UNICODE
for line in file:
line = re.sub(r'#.*', '', line)
chardata = list(map(str.strip, line.split(';')))
if len(chardata) <= 1:
continue
value = get_value(chardata)
m = re.match(r'([0-9a-fA-F]+)(\.\.([0-9a-fA-F]+))?$', chardata[0])
char = int(m.group(1), 16)
if m.group(3) is None:
last = char
else:
last = int(m.group(3), 16)
for i in range(char, last + 1):
# It is important not to overwrite a previously set
# value because in the CaseFolding file there are lines
# to be ignored (returning the default value of 0)
# which often come after a line which has already set
# data.
if table[i] == default_value:
table[i] = value
file.close()
return table
# Get the smallest possible C language type for the values
def get_type_size(table):
type_size = [("uint8_t", 1), ("uint16_t", 2), ("uint32_t", 4),
("signed char", 1), ("pcre_int16", 2), ("pcre_int32", 4)]
limits = [(0, 255), (0, 65535), (0, 4294967295),
(-128, 127), (-32768, 32767), (-2147483648, 2147483647)]
minval = min(table)
maxval = max(table)
for num, (minlimit, maxlimit) in enumerate(limits):
if minlimit <= minval and maxval <= maxlimit:
return type_size[num]
else:
raise OverflowError("Too large to fit into C types")
def get_tables_size(*tables):
total_size = 0
for table in tables:
type, size = get_type_size(table)
total_size += size * len(table)
return total_size
# Compress the table into the two stages
def compress_table(table, block_size):
blocks = {} # Dictionary for finding identical blocks
stage1 = [] # Stage 1 table contains block numbers (indices into stage 2 table)
stage2 = [] # Stage 2 table contains the blocks with property values
table = tuple(table)
for i in range(0, len(table), block_size):
block = table[i:i+block_size]
start = blocks.get(block)
if start is None:
# Allocate a new block
start = len(stage2) / block_size
stage2 += block
blocks[block] = start
stage1.append(start)
return stage1, stage2
# Print a table
def print_table(table, table_name, block_size = None):
type, size = get_type_size(table)
ELEMS_PER_LINE = 16
s = "const %s %s[] = { /* %d bytes" % (type, table_name, size * len(table))
if block_size:
s += ", block = %d" % block_size
print(s + " */")
table = tuple(table)
if block_size is None:
fmt = "%3d," * ELEMS_PER_LINE + " /* U+%04X */"
mult = MAX_UNICODE / len(table)
for i in range(0, len(table), ELEMS_PER_LINE):
print(fmt % (table[i:i+ELEMS_PER_LINE] +
(int(i * mult),)))
else:
if block_size > ELEMS_PER_LINE:
el = ELEMS_PER_LINE
else:
el = block_size
fmt = "%3d," * el + "\n"
if block_size > ELEMS_PER_LINE:
fmt = fmt * int(block_size / ELEMS_PER_LINE)
for i in range(0, len(table), block_size):
print(("/* block %d */\n" + fmt) % ((i / block_size,) + table[i:i+block_size]))
print("};\n")
# Extract the unique combinations of properties into records
def combine_tables(*tables):
records = {}
index = []
for t in zip(*tables):
i = records.get(t)
if i is None:
i = records[t] = len(records)
index.append(i)
return index, records
def get_record_size_struct(records):
size = 0
structure = '/* When recompiling tables with a new Unicode version, please check the\n' + \
'types in this structure definition from pcre2_internal.h (the actual\n' + \
'field names will be different):\n\ntypedef struct {\n'
for i in range(len(records[0])):
record_slice = [record[i] for record in records]
slice_type, slice_size = get_type_size(record_slice)
# add padding: round up to the nearest power of slice_size
size = (size + slice_size - 1) & -slice_size
size += slice_size
structure += '%s property_%d;\n' % (slice_type, i)
# round up to the first item of the next structure in array
record_slice = [record[0] for record in records]
slice_type, slice_size = get_type_size(record_slice)
size = (size + slice_size - 1) & -slice_size
structure += '} ucd_record;\n*/\n'
return size, structure
def test_record_size():
tests = [ \
( [(3,), (6,), (6,), (1,)], 1 ), \
( [(300,), (600,), (600,), (100,)], 2 ), \
( [(25, 3), (6, 6), (34, 6), (68, 1)], 2 ), \
( [(300, 3), (6, 6), (340, 6), (690, 1)], 4 ), \
( [(3, 300), (6, 6), (6, 340), (1, 690)], 4 ), \
( [(300, 300), (6, 6), (6, 340), (1, 690)], 4 ), \
( [(3, 100000), (6, 6), (6, 123456), (1, 690)], 8 ), \
( [(100000, 300), (6, 6), (123456, 6), (1, 690)], 8 ), \
]
for test in tests:
size, struct = get_record_size_struct(test[0])
assert(size == test[1])
#print struct
def print_records(records, record_size):
print('const ucd_record PRIV(ucd_records)[] = { ' + \
'/* %d bytes, record size %d */' % (len(records) * record_size, record_size))
records = list(zip(list(records.keys()), list(records.values())))
records.sort(key = lambda x: x[1])
for i, record in enumerate(records):
print((' {' + '%6d, ' * len(record[0]) + '}, /* %3d */') % (record[0] + (i,)))
print('};\n')
script_names = ['Unknown', 'Arabic', 'Armenian', 'Bengali', 'Bopomofo', 'Braille', 'Buginese', 'Buhid', 'Canadian_Aboriginal',
'Cherokee', 'Common', 'Coptic', 'Cypriot', 'Cyrillic', 'Deseret', 'Devanagari', 'Ethiopic', 'Georgian',
'Glagolitic', 'Gothic', 'Greek', 'Gujarati', 'Gurmukhi', 'Han', 'Hangul', 'Hanunoo', 'Hebrew', 'Hiragana',
'Inherited', 'Kannada', 'Katakana', 'Kharoshthi', 'Khmer', 'Lao', 'Latin', 'Limbu', 'Linear_B', 'Malayalam',
'Mongolian', 'Myanmar', 'New_Tai_Lue', 'Ogham', 'Old_Italic', 'Old_Persian', 'Oriya', 'Osmanya', 'Runic',
'Shavian', 'Sinhala', 'Syloti_Nagri', 'Syriac', 'Tagalog', 'Tagbanwa', 'Tai_Le', 'Tamil', 'Telugu', 'Thaana',
'Thai', 'Tibetan', 'Tifinagh', 'Ugaritic', 'Yi',
# New for Unicode 5.0
'Balinese', 'Cuneiform', 'Nko', 'Phags_Pa', 'Phoenician',
# New for Unicode 5.1
'Carian', 'Cham', 'Kayah_Li', 'Lepcha', 'Lycian', 'Lydian', 'Ol_Chiki', 'Rejang', 'Saurashtra', 'Sundanese', 'Vai',
# New for Unicode 5.2
'Avestan', 'Bamum', 'Egyptian_Hieroglyphs', 'Imperial_Aramaic',
'Inscriptional_Pahlavi', 'Inscriptional_Parthian',
'Javanese', 'Kaithi', 'Lisu', 'Meetei_Mayek',
'Old_South_Arabian', 'Old_Turkic', 'Samaritan', 'Tai_Tham', 'Tai_Viet',
# New for Unicode 6.0.0
'Batak', 'Brahmi', 'Mandaic',
# New for Unicode 6.1.0
'Chakma', 'Meroitic_Cursive', 'Meroitic_Hieroglyphs', 'Miao', 'Sharada', 'Sora_Sompeng', 'Takri',
# New for Unicode 7.0.0
'Bassa_Vah', 'Caucasian_Albanian', 'Duployan', 'Elbasan', 'Grantha', 'Khojki', 'Khudawadi',
'Linear_A', 'Mahajani', 'Manichaean', 'Mende_Kikakui', 'Modi', 'Mro', 'Nabataean',
'Old_North_Arabian', 'Old_Permic', 'Pahawh_Hmong', 'Palmyrene', 'Psalter_Pahlavi',
'Pau_Cin_Hau', 'Siddham', 'Tirhuta', 'Warang_Citi',
# New for Unicode 8.0.0
'Ahom', 'Anatolian_Hieroglyphs', 'Hatran', 'Multani', 'Old_Hungarian',
'SignWriting',
# New for Unicode 10.0.0
'Adlam', 'Bhaiksuki', 'Marchen', 'Newa', 'Osage', 'Tangut', 'Masaram_Gondi',
'Nushu', 'Soyombo', 'Zanabazar_Square',
# New for Unicode 11.0.0
'Dogra', 'Gunjala_Gondi', 'Hanifi_Rohingya', 'Makasar', 'Medefaidrin',
'Old_Sogdian', 'Sogdian',
# New for Unicode 12.0.0
'Elymaic', 'Nandinagari', 'Nyiakeng_Puachue_Hmong', 'Wancho'
]
script_abbrevs = [
'Zzzz', 'Arab', 'Armn', 'Beng', 'Bopo', 'Brai', 'Bugi', 'Buhd', 'Cans',
'Cher', 'Zyyy', 'Copt', 'Cprt', 'Cyrl', 'Dsrt', 'Deva', 'Ethi', 'Geor',
'Glag', 'Goth', 'Grek', 'Gujr', 'Guru', 'Hani', 'Hang', 'Hano', 'Hebr',
'Hira', 'Zinh', 'Knda', 'Kana', 'Khar', 'Khmr', 'Laoo', 'Latn', 'Limb',
'Linb', 'Mlym', 'Mong', 'Mymr', 'Talu', 'Ogam', 'Ital', 'Xpeo', 'Orya',
'Osma', 'Runr', 'Shaw', 'Sinh', 'Sylo', 'Syrc', 'Tglg', 'Tagb', 'Tale',
'Taml', 'Telu', 'Thaa', 'Thai', 'Tibt', 'Tfng', 'Ugar', 'Yiii',
#New for Unicode 5.0
'Bali', 'Xsux', 'Nkoo', 'Phag', 'Phnx',
#New for Unicode 5.1
'Cari', 'Cham', 'Kali', 'Lepc', 'Lyci', 'Lydi', 'Olck', 'Rjng', 'Saur',
'Sund', 'Vaii',
#New for Unicode 5.2
'Avst', 'Bamu', 'Egyp', 'Armi', 'Phli', 'Prti', 'Java', 'Kthi', 'Lisu',
'Mtei', 'Sarb', 'Orkh', 'Samr', 'Lana', 'Tavt',
#New for Unicode 6.0.0
'Batk', 'Brah', 'Mand',
#New for Unicode 6.1.0
'Cakm', 'Merc', 'Mero', 'Plrd', 'Shrd', 'Sora', 'Takr',
#New for Unicode 7.0.0
'Bass', 'Aghb', 'Dupl', 'Elba', 'Gran', 'Khoj', 'Sind', 'Lina', 'Mahj',
'Mani', 'Mend', 'Modi', 'Mroo', 'Nbat', 'Narb', 'Perm', 'Hmng', 'Palm',
'Phlp', 'Pauc', 'Sidd', 'Tirh', 'Wara',
#New for Unicode 8.0.0
'Ahom', 'Hluw', 'Hatr', 'Mult', 'Hung', 'Sgnw',
#New for Unicode 10.0.0
'Adlm', 'Bhks', 'Marc', 'Newa', 'Osge', 'Tang', 'Gonm', 'Nshu', 'Soyo',
'Zanb',
#New for Unicode 11.0.0
'Dogr', 'Gong', 'Rohg', 'Maka', 'Medf', 'Sogo', 'Sogd',
#New for Unicode 12.0.0
'Elym', 'Nand', 'Hmnp', 'Wcho'
]
category_names = ['Cc', 'Cf', 'Cn', 'Co', 'Cs', 'Ll', 'Lm', 'Lo', 'Lt', 'Lu',
'Mc', 'Me', 'Mn', 'Nd', 'Nl', 'No', 'Pc', 'Pd', 'Pe', 'Pf', 'Pi', 'Po', 'Ps',
'Sc', 'Sk', 'Sm', 'So', 'Zl', 'Zp', 'Zs' ]
# The Extended_Pictographic property is not found in the file where all the
# others are (GraphemeBreakProperty.txt). It comes from the emoji-data.txt
# file, but we list it here so that the name has the correct index value.
break_property_names = ['CR', 'LF', 'Control', 'Extend', 'Prepend',
'SpacingMark', 'L', 'V', 'T', 'LV', 'LVT', 'Regional_Indicator', 'Other',
'ZWJ', 'Extended_Pictographic' ]
test_record_size()
unicode_version = ""
script = read_table('Unicode.tables/Scripts.txt', make_get_names(script_names), script_names.index('Unknown'))
category = read_table('Unicode.tables/DerivedGeneralCategory.txt', make_get_names(category_names), category_names.index('Cn'))
break_props = read_table('Unicode.tables/GraphemeBreakProperty.txt', make_get_names(break_property_names), break_property_names.index('Other'))
other_case = read_table('Unicode.tables/CaseFolding.txt', get_other_case, 0)
# The grapheme breaking rules were changed for Unicode 11.0.0 (June 2018). Now
# we need to find the Extended_Pictographic property for emoji characters. This
# can be set as an additional grapheme break property, because the default for
# all the emojis is "other". We scan the emoji-data.txt file and modify the
# break-props table.
file = open('Unicode.tables/emoji-data.txt', 'r', encoding='utf-8')
for line in file:
line = re.sub(r'#.*', '', line)
chardata = list(map(str.strip, line.split(';')))
if len(chardata) <= 1:
continue
if chardata[1] != "Extended_Pictographic":
continue
m = re.match(r'([0-9a-fA-F]+)(\.\.([0-9a-fA-F]+))?$', chardata[0])
char = int(m.group(1), 16)
if m.group(3) is None:
last = char
else:
last = int(m.group(3), 16)
for i in range(char, last + 1):
if break_props[i] != break_property_names.index('Other'):
print("WARNING: Emoji 0x%x has break property %s, not 'Other'",
i, break_property_names[break_props[i]], file=sys.stderr)
break_props[i] = break_property_names.index('Extended_Pictographic')
file.close()
# The Script Extensions property default value is the Script value. Parse the
# file, setting 'Unknown' as the default (this will never be a Script Extension
# value), then scan it and fill in the default from Scripts. Code added by PH
# in October 2018. Positive values are used for just a single script for a
# code point. Negative values are negated offsets in a list of lists of
# multiple scripts. Initialize this list with a single entry, as the zeroth
# element is never used.
script_lists = [0]
script_abbrevs_default = script_abbrevs.index('Zzzz')
scriptx = read_table('Unicode.tables/ScriptExtensions.txt', get_script_extension, script_abbrevs_default)
for i in range(0, MAX_UNICODE):
if scriptx[i] == script_abbrevs_default:
scriptx[i] = script[i]
# With the addition of the new Script Extensions field, we need some padding
# to get the Unicode records up to 12 bytes (multiple of 4). Set a value
# greater than 255 to make the field 16 bits.
padding_dummy = [0] * MAX_UNICODE
padding_dummy[0] = 256
# This block of code was added by PH in September 2012. I am not a Python
# programmer, so the style is probably dreadful, but it does the job. It scans
# the other_case table to find sets of more than two characters that must all
# match each other caselessly. Later in this script a table of these sets is
# written out. However, we have to do this work here in order to compute the
# offsets in the table that are inserted into the main table.
# The CaseFolding.txt file lists pairs, but the common logic for reading data
# sets only one value, so first we go through the table and set "return"
# offsets for those that are not already set.
for c in range(MAX_UNICODE):
if other_case[c] != 0 and other_case[c + other_case[c]] == 0:
other_case[c + other_case[c]] = -other_case[c]
# Now scan again and create equivalence sets.
sets = []
for c in range(MAX_UNICODE):
o = c + other_case[c]
# Trigger when this character's other case does not point back here. We
# now have three characters that are case-equivalent.
if other_case[o] != -other_case[c]:
t = o + other_case[o]
# Scan the existing sets to see if any of the three characters are already
# part of a set. If so, unite the existing set with the new set.
appended = 0
for s in sets:
found = 0
for x in s:
if x == c or x == o or x == t:
found = 1
# Add new characters to an existing set
if found:
found = 0
for y in [c, o, t]:
for x in s:
if x == y:
found = 1
if not found:
s.append(y)
appended = 1
# If we have not added to an existing set, create a new one.
if not appended:
sets.append([c, o, t])
# End of loop looking for caseless sets.
# Now scan the sets and set appropriate offsets for the characters.
caseless_offsets = [0] * MAX_UNICODE
offset = 1;
for s in sets:
for x in s:
caseless_offsets[x] = offset
offset += len(s) + 1
# End of block of code for creating offsets for caseless matching sets.
# Combine the tables
table, records = combine_tables(script, category, break_props,
caseless_offsets, other_case, scriptx, padding_dummy)
record_size, record_struct = get_record_size_struct(list(records.keys()))
# Find the optimum block size for the two-stage table
min_size = sys.maxsize
for block_size in [2 ** i for i in range(5,10)]:
size = len(records) * record_size
stage1, stage2 = compress_table(table, block_size)
size += get_tables_size(stage1, stage2)
#print "/* block size %5d => %5d bytes */" % (block_size, size)
if size < min_size:
min_size = size
min_stage1, min_stage2 = stage1, stage2
min_block_size = block_size
print("/* This module is generated by the maint/MultiStage2.py script.")
print("Do not modify it by hand. Instead modify the script and run it")
print("to regenerate this code.")
print()
print("As well as being part of the PCRE2 library, this module is #included")
print("by the pcre2test program, which redefines the PRIV macro to change")
print("table names from _pcre2_xxx to xxxx, thereby avoiding name clashes")
print("with the library. At present, just one of these tables is actually")
print("needed. */")
print()
print("#ifndef PCRE2_PCRE2TEST")
print()
print("#ifdef HAVE_CONFIG_H")
print("#include \"config.h\"")
print("#endif")
print()
print("#include \"pcre2_internal.h\"")
print()
print("#endif /* PCRE2_PCRE2TEST */")
print()
print("/* Unicode character database. */")
print("/* This file was autogenerated by the MultiStage2.py script. */")
print("/* Total size: %d bytes, block size: %d. */" % (min_size, min_block_size))
print()
print("/* The tables herein are needed only when UCP support is built,")
print("and in PCRE2 that happens automatically with UTF support.")
print("This module should not be referenced otherwise, so")
print("it should not matter whether it is compiled or not. However")
print("a comment was received about space saving - maybe the guy linked")
print("all the modules rather than using a library - so we include a")
print("condition to cut out the tables when not needed. But don't leave")
print("a totally empty module because some compilers barf at that.")
print("Instead, just supply some small dummy tables. */")
print()
print("#ifndef SUPPORT_UNICODE")
print("const ucd_record PRIV(ucd_records)[] = {{0,0,0,0,0,0,0 }};")
print("const uint16_t PRIV(ucd_stage1)[] = {0};")
print("const uint16_t PRIV(ucd_stage2)[] = {0};")
print("const uint32_t PRIV(ucd_caseless_sets)[] = {0};")
print("#else")
print()
print("const char *PRIV(unicode_version) = \"{}\";".format(unicode_version))
print()
print("/* If the 32-bit library is run in non-32-bit mode, character values")
print("greater than 0x10ffff may be encountered. For these we set up a")
print("special record. */")
print()
print("#if PCRE2_CODE_UNIT_WIDTH == 32")
print("const ucd_record PRIV(dummy_ucd_record)[] = {{")
print(" ucp_Unknown, /* script */")
print(" ucp_Cn, /* type unassigned */")
print(" ucp_gbOther, /* grapheme break property */")
print(" 0, /* case set */")
print(" 0, /* other case */")
print(" ucp_Unknown, /* script extension */")
print(" 0, /* dummy filler */")
print(" }};")
print("#endif")
print()
print(record_struct)
# --- Added by PH: output the table of caseless character sets ---
print("/* This table contains lists of characters that are caseless sets of")
print("more than one character. Each list is terminated by NOTACHAR. */\n")
print("const uint32_t PRIV(ucd_caseless_sets)[] = {")
print(" NOTACHAR,")
for s in sets:
s = sorted(s)
for x in s:
print(' 0x%04x,' % x, end=' ')
print(' NOTACHAR,')
print('};')
print()
# ------
print("/* When #included in pcre2test, we don't need the table of digit")
print("sets, nor the the large main UCD tables. */")
print()
print("#ifndef PCRE2_PCRE2TEST")
print()
# --- Added by PH: read Scripts.txt again for the sets of 10 digits. ---
digitsets = []
file = open('Unicode.tables/Scripts.txt', 'r', encoding='utf-8')
for line in file:
m = re.match(r'([0-9a-fA-F]+)\.\.([0-9a-fA-F]+)\s+;\s+\S+\s+#\s+Nd\s+', line)
if m is None:
continue
first = int(m.group(1),16)
last = int(m.group(2),16)
if ((last - first + 1) % 10) != 0:
print("ERROR: %04x..%04x does not contain a multiple of 10 characters" % (first, last),
file=sys.stderr)
while first < last:
digitsets.append(first + 9)
first += 10
file.close()
digitsets.sort()
print("/* This table lists the code points for the '9' characters in each")
print("set of decimal digits. It is used to ensure that all the digits in")
print("a script run come from the same set. */\n")
print("const uint32_t PRIV(ucd_digit_sets)[] = {")
print(" %d, /* Number of subsequent values */" % len(digitsets), end='')
count = 8
for d in digitsets:
if count == 8:
print("\n ", end='')
count = 0
print(" 0x%05x," % d, end='')
count += 1
print("\n};\n")
print("/* This vector is a list of lists of scripts for the Script Extension")
print("property. Each sublist is zero-terminated. */\n")
print("const uint8_t PRIV(ucd_script_sets)[] = {")
count = 0
print(" /* 0 */", end='')
for d in script_lists:
print(" %3d," % d, end='')
count += 1
if d == 0:
print("\n /* %3d */" % count, end='')
print("\n};\n")
# Output the main UCD tables.
print("/* These are the main two-stage UCD tables. The fields in each record are:")
print("script (8 bits), character type (8 bits), grapheme break property (8 bits),")
print("offset to multichar other cases or zero (8 bits), offset to other case")
print("or zero (32 bits, signed), script extension (16 bits, signed), and a dummy")
print("16-bit field to make the whole thing a multiple of 4 bytes. */\n")
print_records(records, record_size)
print_table(min_stage1, 'PRIV(ucd_stage1)')
print_table(min_stage2, 'PRIV(ucd_stage2)', min_block_size)
print("#if UCD_BLOCK_SIZE != %d" % min_block_size)
print("#error Please correct UCD_BLOCK_SIZE in pcre2_internal.h")
print("#endif")
print("#endif /* SUPPORT_UNICODE */")
print()
print("#endif /* PCRE2_PCRE2TEST */")
# This code was part of the original contribution, but is commented out as it
# was never used. A two-stage table has sufficed.
"""
# Three-stage tables:
# Find the optimum block size for 3-stage table
min_size = sys.maxint
for stage3_block in [2 ** i for i in range(2,6)]:
stage_i, stage3 = compress_table(table, stage3_block)
for stage2_block in [2 ** i for i in range(5,10)]:
size = len(records) * 4
stage1, stage2 = compress_table(stage_i, stage2_block)
size += get_tables_size(stage1, stage2, stage3)
# print "/* %5d / %3d => %5d bytes */" % (stage2_block, stage3_block, size)
if size < min_size:
min_size = size
min_stage1, min_stage2, min_stage3 = stage1, stage2, stage3
min_stage2_block, min_stage3_block = stage2_block, stage3_block
print "/* Total size: %d bytes" % min_size */
print_records(records)
print_table(min_stage1, 'ucd_stage1')
print_table(min_stage2, 'ucd_stage2', min_stage2_block)
print_table(min_stage3, 'ucd_stage3', min_stage3_block)
"""
| [((11071, 11115), 're.match', 're.match', (['"""^[^/]+/([^.]+)\\\\.txt$"""', 'file_name'], {}), "('^[^/]+/([^.]+)\\\\.txt$', file_name)\n", (11079, 11115), False, 'import re\n'), ((23298, 23321), 're.sub', 're.sub', (['"""#.*"""', '""""""', 'line'], {}), "('#.*', '', line)\n", (23304, 23321), False, 'import re\n'), ((23526, 23589), 're.match', 're.match', (['"""([0-9a-fA-F]+)(\\\\.\\\\.([0-9a-fA-F]+))?$"""', 'chardata[0]'], {}), "('([0-9a-fA-F]+)(\\\\.\\\\.([0-9a-fA-F]+))?$', chardata[0])\n", (23534, 23589), False, 'import re\n'), ((31325, 31410), 're.match', 're.match', (['"""([0-9a-fA-F]+)\\\\.\\\\.([0-9a-fA-F]+)\\\\s+;\\\\s+\\\\S+\\\\s+#\\\\s+Nd\\\\s+"""', 'line'], {}), "('([0-9a-fA-F]+)\\\\.\\\\.([0-9a-fA-F]+)\\\\s+;\\\\s+\\\\S+\\\\s+#\\\\s+Nd\\\\s+', line\n )\n", (31333, 31410), False, 'import re\n'), ((11666, 11689), 're.sub', 're.sub', (['"""#.*"""', '""""""', 'line'], {}), "('#.*', '', line)\n", (11672, 11689), False, 'import re\n'), ((11892, 11955), 're.match', 're.match', (['"""([0-9a-fA-F]+)(\\\\.\\\\.([0-9a-fA-F]+))?$"""', 'chardata[0]'], {}), "('([0-9a-fA-F]+)(\\\\.\\\\.([0-9a-fA-F]+))?$', chardata[0])\n", (11900, 11955), False, 'import re\n'), ((11178, 11198), 're.escape', 're.escape', (['file_base'], {}), '(file_base)\n', (11187, 11198), False, 'import re\n')] |
ihayhurst/RetroBioCat | setup.py | d674897459c0ab65faad5ed3017c55cf51bcc020 | from setuptools import setup, find_packages
from retrobiocat_web import __version__
with open('requirements.txt') as f:
requirements = f.read().splitlines()
setup(
name = 'retrobiocat_web',
packages = find_packages(),
include_package_data=True,
version = __version__,
license='',
description = 'Retrosynthesis',
author = 'William Finnigan',
author_email = '[email protected]',
url = '',
download_url = '',
keywords = ['enzyme'],
install_requires=requirements,
classifiers=[
'Development Status :: 3 - Alpha',
'License :: OSI Approved :: MIT License',
'Programming Language :: Python :: 3'],
) | [((209, 224), 'setuptools.find_packages', 'find_packages', ([], {}), '()\n', (222, 224), False, 'from setuptools import setup, find_packages\n')] |
Lung-Yi/rxn_yield_context | rxn_yield_context/preprocess_data/preprocess/augmentation_utils.py | 116d6f21a1b6dc39016d87c001dc5b142cfb697a | # -*- coding: utf-8 -*-
import pickle
import numpy as np
from rdkit import Chem
from rdkit.Chem import AllChem,DataStructs
def get_classes(path):
f = open(path, 'rb')
dict_ = pickle.load(f)
f.close()
classes = sorted(dict_.items(), key=lambda d: d[1],reverse=True)
classes = [(x,y) for x,y in classes]
return classes
def create_rxn_Morgan2FP_concatenate(rsmi, psmi, rxnfpsize=16384, pfpsize=16384, useFeatures=False, calculate_rfp=True, useChirality=True):
# Similar as the above function but takes smiles separately and returns pfp and rfp separately
rsmi = rsmi.encode('utf-8')
psmi = psmi.encode('utf-8')
try:
mol = Chem.MolFromSmiles(rsmi)
except Exception as e:
print(e)
return
try:
fp_bit = AllChem.GetMorganFingerprintAsBitVect(
mol=mol, radius=2, nBits=rxnfpsize, useFeatures=useFeatures, useChirality=useChirality)
fp = np.empty(rxnfpsize, dtype='float32')
DataStructs.ConvertToNumpyArray(fp_bit, fp)
except Exception as e:
print("Cannot build reactant fp due to {}".format(e))
return
rfp = fp
try:
mol = Chem.MolFromSmiles(psmi)
except Exception as e:
return
try:
fp_bit = AllChem.GetMorganFingerprintAsBitVect(
mol=mol, radius=2, nBits=pfpsize, useFeatures=useFeatures, useChirality=useChirality)
fp = np.empty(pfpsize, dtype='float32')
DataStructs.ConvertToNumpyArray(fp_bit, fp)
except Exception as e:
print("Cannot build product fp due to {}".format(e))
return
pfp = fp
rxn_fp = pfp - rfp
final_fp = np.concatenate((pfp, rxn_fp))
return final_fp | [((196, 210), 'pickle.load', 'pickle.load', (['f'], {}), '(f)\n', (207, 210), False, 'import pickle\n'), ((1698, 1727), 'numpy.concatenate', 'np.concatenate', (['(pfp, rxn_fp)'], {}), '((pfp, rxn_fp))\n', (1712, 1727), True, 'import numpy as np\n'), ((694, 718), 'rdkit.Chem.MolFromSmiles', 'Chem.MolFromSmiles', (['rsmi'], {}), '(rsmi)\n', (712, 718), False, 'from rdkit import Chem\n'), ((809, 938), 'rdkit.Chem.AllChem.GetMorganFingerprintAsBitVect', 'AllChem.GetMorganFingerprintAsBitVect', ([], {'mol': 'mol', 'radius': '(2)', 'nBits': 'rxnfpsize', 'useFeatures': 'useFeatures', 'useChirality': 'useChirality'}), '(mol=mol, radius=2, nBits=rxnfpsize,\n useFeatures=useFeatures, useChirality=useChirality)\n', (846, 938), False, 'from rdkit.Chem import AllChem, DataStructs\n'), ((963, 999), 'numpy.empty', 'np.empty', (['rxnfpsize'], {'dtype': '"""float32"""'}), "(rxnfpsize, dtype='float32')\n", (971, 999), True, 'import numpy as np\n'), ((1009, 1052), 'rdkit.Chem.DataStructs.ConvertToNumpyArray', 'DataStructs.ConvertToNumpyArray', (['fp_bit', 'fp'], {}), '(fp_bit, fp)\n', (1040, 1052), False, 'from rdkit.Chem import AllChem, DataStructs\n'), ((1201, 1225), 'rdkit.Chem.MolFromSmiles', 'Chem.MolFromSmiles', (['psmi'], {}), '(psmi)\n', (1219, 1225), False, 'from rdkit import Chem\n'), ((1298, 1425), 'rdkit.Chem.AllChem.GetMorganFingerprintAsBitVect', 'AllChem.GetMorganFingerprintAsBitVect', ([], {'mol': 'mol', 'radius': '(2)', 'nBits': 'pfpsize', 'useFeatures': 'useFeatures', 'useChirality': 'useChirality'}), '(mol=mol, radius=2, nBits=pfpsize,\n useFeatures=useFeatures, useChirality=useChirality)\n', (1335, 1425), False, 'from rdkit.Chem import AllChem, DataStructs\n'), ((1450, 1484), 'numpy.empty', 'np.empty', (['pfpsize'], {'dtype': '"""float32"""'}), "(pfpsize, dtype='float32')\n", (1458, 1484), True, 'import numpy as np\n'), ((1494, 1537), 'rdkit.Chem.DataStructs.ConvertToNumpyArray', 'DataStructs.ConvertToNumpyArray', (['fp_bit', 'fp'], {}), '(fp_bit, fp)\n', (1525, 1537), False, 'from rdkit.Chem import AllChem, DataStructs\n')] |
zanachka/webstruct-demo | src/webstruct-demo/__init__.py | f5b5081760d9a2b7924704041cd74748a5c98664 | import functools
import logging
import random
from flask import Flask, render_template, request
import joblib
from lxml.html import html5parser
import lxml.html
import requests
import yarl
import webstruct.model
import webstruct.sequence_encoding
import webstruct.webannotator
webstruct_demo = Flask(__name__, instance_relative_config=True)
webstruct_demo.config.from_pyfile('config.py')
def absolutize_link(link, base_url):
if link.startswith('#'):
return link
try:
target_url = yarl.URL(link)
except:
return link
if target_url.is_absolute() and target_url.scheme:
return link
if target_url.is_absolute() and not target_url.scheme:
target_url = target_url.with_scheme(base_url.scheme)
return str(target_url)
try:
target_url = base_url.join(target_url)
except:
return link
return str(target_url)
def absolute_links(tree, url):
_LINK_SOURCES = ['src', 'href']
try:
base_url = yarl.URL(url)
except:
return tree
for _, element in lxml.html.etree.iterwalk(tree, events=('start', )):
if not isinstance(element.tag, str):
continue
for attr in _LINK_SOURCES:
if attr not in element.attrib:
continue
element.attrib[attr] = absolutize_link(element.attrib[attr], base_url)
return tree
def parent_links(tree, base_url):
base_url = yarl.URL(base_url)
for _, element in lxml.html.etree.iterwalk(tree, events=('start', )):
if not isinstance(element.tag, str):
continue
if element.tag != 'a':
continue
if 'href' not in element.attrib:
continue
url = element.attrib['href']
if url.startswith('#'):
continue
element.attrib['target'] = '_parent'
element.attrib['href'] = str(base_url.update_query(url=url))
return tree
def remove_namespace(tree):
_NS="{http://www.w3.org/1999/xhtml}"
for _, element in lxml.html.etree.iterwalk(tree, events=('start', )):
if not isinstance(element.tag, str):
continue
if not element.tag.startswith(_NS):
continue
element.tag = element.tag[len(_NS):]
return tree
_TOKENS_PER_PART = 2000
def run_model(tree, model):
html_tokens, _ = model.html_tokenizer.tokenize_single(tree)
if not html_tokens:
return tree, list(), list()
tree = html_tokens[0].elem.getroottree().getroot()
tags = model.model.predict([html_tokens[i:i+_TOKENS_PER_PART] for i in range(0, len(html_tokens), _TOKENS_PER_PART)])
tags = [i for t in tags for i in t]
return tree, html_tokens, tags
def download(url):
splash_url = webstruct_demo.config.get('SPLASH_URL', None)
splash_user = webstruct_demo.config.get('SPLASH_USER', None)
splash_pass = webstruct_demo.config.get('SPLASH_PASS', None)
is_splash = functools.reduce(lambda x,y: x and y is not None,
[splash_url, splash_user, splash_pass],
True)
if not is_splash:
response = requests.get(url)
return response.content, response.url
load = {'url': url,
'images': 0,
'base_url': url}
response = requests.post(splash_url + '/render.html',
json=load,
auth=requests.auth.HTTPBasicAuth(splash_user, splash_pass))
return response.content, url
def extract_ner(response_content, response_url, base_url):
url = response_url
tree = html5parser.document_fromstring(response_content)
tree = remove_namespace(tree)
tree = absolute_links(tree, url)
tree = parent_links(tree, base_url)
title = tree.xpath('//title')[0].text
model = joblib.load(webstruct_demo.config['MODEL_PATH'])
tree, tokens, tags = run_model(tree, model)
tree = model.html_tokenizer.detokenize_single(tokens, tags)
tree = webstruct.webannotator.to_webannotator(
tree,
entity_colors=model.entity_colors,
url=url
)
content = lxml.html.tostring(tree, encoding='utf-8').decode('utf-8')
entities = webstruct.sequence_encoding.IobEncoder.group(zip(tokens, tags))
entities = webstruct.model._drop_empty(
(model.build_entity(tokens), tag)
for (tokens, tag) in entities if tag != 'O'
)
groups = webstruct.model.extract_entitiy_groups(
tokens,
tags,
dont_penalize=None,
join_tokens=model.build_entity
)
return content, title, entities, groups
def sample_entities(entities):
unique = list(set(entities))
random.shuffle(unique)
sampled = unique[:5]
sampled = sorted(sampled, key=lambda e:(e[1], e[0]))
return sampled
def sample_groups(groups):
groups = [tuple(sorted(g)) for g in groups]
sampled = sorted(list(set(groups)), key=lambda g:-len(g))
return sampled[:2]
@webstruct_demo.route('/')
def index():
url = request.args.get('url', 'http://en.wikipedia.org/')
output = request.args.get('output', 'html')
try:
response_content, response_url = download(url)
content, title, entities, groups = extract_ner(response_content,
response_url,
request.url)
except:
logging.exception('Got exception')
content = None
title = 'Error during obtaining %s' % (url, )
entities = []
groups = []
_TEMPLATE_MAPPING = {'html': 'main.html',
'entities': 'entities.html',
'groups': 'groups.html'}
template = _TEMPLATE_MAPPING.get(output, _TEMPLATE_MAPPING['html'])
sampled_entities = sample_entities(entities)
sampled_groups = sample_groups(groups)
base_url = yarl.URL(request.url)
routing = {t: str(base_url.update_query(output=t)) for t in ['html', 'entities', 'groups']}
values = {'url': url,
'title': title,
'entities': entities,
'sampled_entities': sampled_entities,
'sampled_groups': sampled_groups,
'routing': routing,
'srcdoc': content,
'groups': groups,
'output': output}
return render_template(template, **values)
| [((298, 344), 'flask.Flask', 'Flask', (['__name__'], {'instance_relative_config': '(True)'}), '(__name__, instance_relative_config=True)\n', (303, 344), False, 'from flask import Flask, render_template, request\n'), ((1444, 1462), 'yarl.URL', 'yarl.URL', (['base_url'], {}), '(base_url)\n', (1452, 1462), False, 'import yarl\n'), ((2942, 3042), 'functools.reduce', 'functools.reduce', (['(lambda x, y: x and y is not None)', '[splash_url, splash_user, splash_pass]', '(True)'], {}), '(lambda x, y: x and y is not None, [splash_url, splash_user,\n splash_pass], True)\n', (2958, 3042), False, 'import functools\n'), ((3605, 3654), 'lxml.html.html5parser.document_fromstring', 'html5parser.document_fromstring', (['response_content'], {}), '(response_content)\n', (3636, 3654), False, 'from lxml.html import html5parser\n'), ((3822, 3870), 'joblib.load', 'joblib.load', (["webstruct_demo.config['MODEL_PATH']"], {}), "(webstruct_demo.config['MODEL_PATH'])\n", (3833, 3870), False, 'import joblib\n'), ((4724, 4746), 'random.shuffle', 'random.shuffle', (['unique'], {}), '(unique)\n', (4738, 4746), False, 'import random\n'), ((5062, 5113), 'flask.request.args.get', 'request.args.get', (['"""url"""', '"""http://en.wikipedia.org/"""'], {}), "('url', 'http://en.wikipedia.org/')\n", (5078, 5113), False, 'from flask import Flask, render_template, request\n'), ((5127, 5161), 'flask.request.args.get', 'request.args.get', (['"""output"""', '"""html"""'], {}), "('output', 'html')\n", (5143, 5161), False, 'from flask import Flask, render_template, request\n'), ((5944, 5965), 'yarl.URL', 'yarl.URL', (['request.url'], {}), '(request.url)\n', (5952, 5965), False, 'import yarl\n'), ((6398, 6433), 'flask.render_template', 'render_template', (['template'], {}), '(template, **values)\n', (6413, 6433), False, 'from flask import Flask, render_template, request\n'), ((511, 525), 'yarl.URL', 'yarl.URL', (['link'], {}), '(link)\n', (519, 525), False, 'import yarl\n'), ((1001, 1014), 'yarl.URL', 'yarl.URL', (['url'], {}), '(url)\n', (1009, 1014), False, 'import yarl\n'), ((3146, 3163), 'requests.get', 'requests.get', (['url'], {}), '(url)\n', (3158, 3163), False, 'import requests\n'), ((3421, 3474), 'requests.auth.HTTPBasicAuth', 'requests.auth.HTTPBasicAuth', (['splash_user', 'splash_pass'], {}), '(splash_user, splash_pass)\n', (3448, 3474), False, 'import requests\n'), ((5457, 5491), 'logging.exception', 'logging.exception', (['"""Got exception"""'], {}), "('Got exception')\n", (5474, 5491), False, 'import logging\n')] |
Liang813/einops | setup.py | 9edce3d9a2d0a2abc51a6aaf86678eac43ffac0c | __author__ = 'Alex Rogozhnikov'
from setuptools import setup
setup(
name="einops",
version='0.3.2',
description="A new flavour of deep learning operations",
long_description=open('README.md', encoding='utf-8').read(),
long_description_content_type='text/markdown',
url='https://github.com/arogozhnikov/einops',
author='Alex Rogozhnikov',
packages=['einops', 'einops.layers'],
classifiers=[
'Intended Audience :: Science/Research',
'Programming Language :: Python :: 3 ',
],
keywords='deep learning, neural networks, tensor manipulation, machine learning, '
'scientific computations, einops',
install_requires=[
# no run-time or installation-time dependencies
],
)
| [] |
czhu1217/cmimc-online | website/migrations/0084_auto_20210215_1401.py | 5ef49ceec0bb86d8ae120a6ecfd723532e277821 | # Generated by Django 3.1.6 on 2021-02-15 19:01
from django.db import migrations, models
import django.db.models.deletion
class Migration(migrations.Migration):
dependencies = [
('website', '0083_remove_aisubmission_code'),
]
operations = [
migrations.AddField(
model_name='exam',
name='division',
field=models.IntegerField(default=1),
preserve_default=False,
),
migrations.CreateModel(
name='ExamPair',
fields=[
('id', models.AutoField(auto_created=True, primary_key=True, serialize=False, verbose_name='ID')),
('name', models.CharField(max_length=100, unique=True)),
('contest', models.ForeignKey(on_delete=django.db.models.deletion.CASCADE, related_name='exampairs', to='website.contest')),
],
),
migrations.AddField(
model_name='exam',
name='exampair',
field=models.ForeignKey(blank=True, null=True, on_delete=django.db.models.deletion.SET_NULL, related_name='exams', to='website.exampair'),
),
]
| [((373, 403), 'django.db.models.IntegerField', 'models.IntegerField', ([], {'default': '(1)'}), '(default=1)\n', (392, 403), False, 'from django.db import migrations, models\n'), ((996, 1132), 'django.db.models.ForeignKey', 'models.ForeignKey', ([], {'blank': '(True)', 'null': '(True)', 'on_delete': 'django.db.models.deletion.SET_NULL', 'related_name': '"""exams"""', 'to': '"""website.exampair"""'}), "(blank=True, null=True, on_delete=django.db.models.\n deletion.SET_NULL, related_name='exams', to='website.exampair')\n", (1013, 1132), False, 'from django.db import migrations, models\n'), ((557, 650), 'django.db.models.AutoField', 'models.AutoField', ([], {'auto_created': '(True)', 'primary_key': '(True)', 'serialize': '(False)', 'verbose_name': '"""ID"""'}), "(auto_created=True, primary_key=True, serialize=False,\n verbose_name='ID')\n", (573, 650), False, 'from django.db import migrations, models\n'), ((674, 719), 'django.db.models.CharField', 'models.CharField', ([], {'max_length': '(100)', 'unique': '(True)'}), '(max_length=100, unique=True)\n', (690, 719), False, 'from django.db import migrations, models\n'), ((750, 865), 'django.db.models.ForeignKey', 'models.ForeignKey', ([], {'on_delete': 'django.db.models.deletion.CASCADE', 'related_name': '"""exampairs"""', 'to': '"""website.contest"""'}), "(on_delete=django.db.models.deletion.CASCADE, related_name\n ='exampairs', to='website.contest')\n", (767, 865), False, 'from django.db import migrations, models\n')] |
evandez/low-dimensional-probing | ldp/tasks/dlp.py | 3e4af6644a4db7fdf48bc40c5de4815f9db52a6e | """Core experiments for the dependency label prediction task."""
import collections
import copy
import logging
from typing import (Any, Dict, Iterator, Optional, Sequence, Set, Tuple, Type,
Union)
from ldp import datasets, learning
from ldp.models import probes, projections
from ldp.parse import ptb
from ldp.parse import representations as reps
from ldp.utils.typing import Device
import numpy
import torch
import wandb
UNK = 'unk'
class DLPIndexer:
"""Map pairs of words to their syntactic relationship, if any."""
def __init__(self, samples: Sequence[ptb.Sample], unk: str = UNK):
"""Map each relation label to an integer.
Args:
samples (Sequence[ptb.Sample]): The samples from which to determine
possible relations.
unk (str): Label to use when un-indexed dependency label is
encountered.
"""
labels = {rel for sample in samples for rel in sample.relations}
self.indexer = {unk: 0}
for label in sorted(labels):
self.indexer[label] = len(self.indexer)
self.unk = unk
def __call__(self, sample: ptb.Sample) -> torch.Tensor:
"""Map all possible (word, word) pairs to labels.
Args:
sample (ptb.Sample): The sample to label.
Returns:
torch.Tensor: For length W sentence, returns shape (W, W) matrix
where element (v, w) is the index of the label describing
the relationship between word v and w, if any. Defaults to
the "unk" label, even if there is no relationship between
v and w.
"""
heads, relations = sample.heads, sample.relations
labels = torch.empty(len(heads), len(heads), dtype=torch.long)
labels.fill_(self.indexer[self.unk])
for word, (head, rel) in enumerate(zip(heads, relations)):
if head == -1:
labels[word, word] = self.indexer[rel]
else:
label = self.indexer.get(rel, self.indexer[self.unk])
labels[word, head] = label
return labels
def __len__(self) -> int:
"""Return the number of unique labels for this task."""
return len(self.indexer)
class ControlDLPIndexer:
"""Map pairs of words to arbitrary syntactic relationships."""
def __init__(self,
samples: Sequence[ptb.Sample],
dist: Optional[Union[numpy.ndarray, Sequence[float]]] = None):
"""Map each relation label to an arbitrary (integer) label.
We only do this for pairs of words which have a head-dependent
relationship in the original dataset.
Args:
samples (Sequence[ptb.Samples]): The samples from which to pull
possible word pairs.
dist (Optional[Union[numpy.ndarray, Sequence[float]]], optional): A
distribution to use when sampling tags per word type.
By default, is computed from the list of samples.
"""
if dist is None:
counts: Dict[str, int] = collections.defaultdict(lambda: 0)
for sample in samples:
for relation in sample.relations:
counts[relation] += 1
dist = numpy.array([float(count) for count in counts.values()])
dist /= numpy.sum(dist)
assert dist is not None, 'uninitialized distribution?'
self.dist = dist
self.rels: Dict[Tuple[str, str], int] = {}
for sample in samples:
sentence = sample.sentence
heads = sample.heads
for dep, head in enumerate(heads):
if head == -1:
head = dep
words = (sentence[dep], sentence[head])
if words not in self.rels:
# Add one so that 0 is reserved for "no relationship" tag.
rel = numpy.random.choice(len(dist), p=dist) + 1
self.rels[words] = rel
def __call__(self, sample: ptb.Sample) -> torch.Tensor:
"""Map all possible (word, word) pairs to labels.
Args:
sample (ptb.Sample): The sample to label.
Returns:
torch.Tensor: For length W sentence, returns shape (W, W) matrix
where element (v, w) is the index of the label describing
the relationship between word v and w, if any. Defaults to
the "unk" label, even if there is no relationship between
v and w.
"""
heads = sample.heads
labels = torch.zeros(len(heads), len(heads), dtype=torch.long)
for dep, head in enumerate(heads):
if head == -1:
head = dep
words = (sample.sentence[dep], sample.sentence[head])
labels[dep, head] = self.rels.get(words, 0)
return labels
def __len__(self) -> int:
"""Return the number of relationships, including the null one."""
return len(self.dist) + 1
class DLPTaskDataset(datasets.TaskDataset):
"""Iterate over (word representation pair, dependency label) pairs."""
def __init__(
self,
representations: reps.RepresentationLayerDataset,
annotations: Sequence[ptb.Sample],
indexer: Type[Union[DLPIndexer, ControlDLPIndexer]] = DLPIndexer,
**kwargs: Any,
):
"""Initialize dataset by mapping each dependency label to an index.
The kwargs are forwarded to indexer when it is instantiated.
Args:
representations (representations.RepresentationsLayerDataset): Word
representations corresponding to the words to be paired and
labeled.
annotations (Sequence[ptb.PTBSample]): The PTB annotations from
which to pull dependency labels.
indexer (Union[DLPIndexer, ControlDLPIndexer]): Type of the indexer
to use for mapping PTB dependency label annotations to integer
tensors. Instantiated with given annotations unless the
samples keyword is set in kwargs.
Raises:
ValueError: If number of representations/annotations do not match.
"""
if len(representations) != len(annotations):
raise ValueError(f'got {len(representations)} representations '
f'but {len(annotations)} annotations')
self.representations = representations
self.annotations = annotations
kwargs = kwargs.copy()
kwargs.setdefault('samples', annotations)
self.indexer = indexer(**kwargs)
def __getitem__(self, index: int) -> Tuple[torch.Tensor, torch.Tensor]:
"""Return (representations, integral POS tags) for index'th sentence.
Args:
index (int): Index of the sentence in the dataset.
Returns:
Tuple[torch.Tensor, torch.Tensor]: First tensor is shape
(sentence_length, representation_dimension) containing word
representations, and second is shape (sentence_length,)
containing integral POS tags.
"""
representations = self.representations[index]
annotations = self.annotations[index]
assert len(representations) == len(
annotations.sentence), 'diff sentence lengths?'
rels = self.indexer(annotations)
# Find all pairs of words sharing an edge.
indexes = set(range(len(representations)))
pairs = [(i, j) for i in indexes for j in indexes if rels[i, j]]
assert pairs and len(pairs) == len(representations), 'missing edges?'
# Stack everything before returning it.
bigrams = torch.stack([
torch.stack((representations[i], representations[j]))
for i, j in pairs
])
labels = torch.stack([rels[i, j] for i, j in pairs])
return bigrams, labels
def __iter__(self) -> Iterator[Tuple[torch.Tensor, torch.Tensor]]:
"""Yield all (sentence representations, sentence POS tags) samples."""
for index in range(len(self)):
yield self[index]
def __len__(self) -> int:
"""Return the number of sentences (batches) in the dataset."""
return len(self.annotations)
@property
def sample_representations_shape(self) -> Sequence[int]:
"""Return the dimensionality of the representation pairs."""
return (2, self.representations.dataset.dimension)
@property
def sample_features_shape(self) -> Sequence[int]:
"""Return the shape of each individual POS tag.
Since POS tags are integral scalars, there is no such shape!
"""
return ()
def count_samples(self) -> int:
"""Return the number of words in the dataset."""
return sum(
self.representations.dataset.length(index)
for index in range(len(self.representations)))
def count_unique_features(self) -> int:
"""Return number of unique POS seen in data."""
return len(self.indexer)
# Define the valid probe types for this task.
Probe = Union[probes.Linear, probes.MLP]
def train(train_dataset: datasets.TaskDataset,
dev_dataset: datasets.TaskDataset,
test_dataset: datasets.TaskDataset,
probe_t: Type[Probe] = probes.Linear,
project_to: Optional[int] = None,
share_projection: bool = False,
epochs: int = 25,
patience: int = 4,
lr: float = 1e-3,
device: Optional[Device] = None,
also_log_to_wandb: bool = False) -> Tuple[Probe, float]:
"""Train a probe on dependency label prediction.
Args:
train_dataset (TaskDataset): Training data for probe.
dev_dataset (TaskDataset): Validation data for probe, used for early
stopping.
test_dataset (TaskDataset): Test data for probe, used to compute
final accuracy after training.
probe_t (Type[Probe], optional): Probe type to train.
Defaults to probes.Linear.
project_to (Optional[int], optional): Project representations to this
dimensionality. Defaults to no projection.
share_projection (bool): If set, project the left and right components
of pairwise probes with the same projection. E.g. if the probe is
bilinear of the form xAy, we will always compute (Px)A(Py) as
opposed to (Px)A(Qy) for distinct projections P, Q. Defaults to NOT
shared.
epochs (int, optional): Maximum passes through the training dataset.
Defaults to 25.
patience (int, optional): Allow dev loss to not improve for this many
epochs, then stop training. Defaults to 4.
lr (float, optional): Learning rate for optimizer. Defaults to 1e-3.
device (Optional[Device], optional): Torch device on which to
train probe. Defaults to CPU.
also_log_to_wandb (Optional[pathlib.Path], optional): If set, log
training data to wandb. By default, wandb is not used.
Returns:
Tuple[Probe, float]: The trained probe and its test accuracy.
"""
log = logging.getLogger(__name__)
device = device or 'cpu'
ndims = train_dataset.sample_representations_shape[-1]
log.info('representations have dimension %d', ndims)
ntags = train_dataset.count_unique_features()
assert ntags is not None, 'no label count, is dataset for different task?'
log.info('dependency labeling task has %d tags', ntags)
if project_to is None or ndims == project_to:
logging.info('projection dim = reps dim, not projecting')
projection = None
elif share_projection:
projection = projections.Projection(ndims, project_to)
else:
projection = projections.Projection(2 * ndims, 2 * project_to)
probe = probe_t(2 * (project_to or ndims), ntags, project=projection)
learning.train(probe,
train_dataset,
dev_dataset=dev_dataset,
stopper=learning.EarlyStopping(patience=patience),
epochs=epochs,
lr=lr,
device=device,
also_log_to_wandb=also_log_to_wandb)
accuracy = learning.test(probe, test_dataset, device=device)
return probe, accuracy
# TODO(evandez): May as well commonize this, since it's shared with POS.
def axis_alignment(
probe: Probe,
dev_dataset: datasets.TaskDataset,
test_dataset: datasets.TaskDataset,
device: Optional[Device] = None,
also_log_to_wandb: bool = False) -> Sequence[Tuple[int, float]]:
"""Measure whether the given probe is axis aligned.
Args:
probe (Probe): The probe to evaluate.
dev_dataset (datasets.TaskDataset): Data used to determine which axes
to cut.
test_dataset (datasets.TaskDataset): Data used to determine the effect
of cutting an axis.
device (Optional[Device], optional): Torch device on which to
train probe. Defaults to CPU.
also_log_to_wandb (bool, optional): If set, log results to wandb.
Returns:
Sequence[Tuple[int, float]]: The ablated axes paired with optimal probe
accuracy after that axis is zeroed.
"""
log = logging.getLogger(__name__)
projection = probe.project
assert projection is not None, 'no projection?'
axes = set(range(projection.project.in_features))
ablated: Set[int] = set()
accuracies = []
while axes:
best_model, best_axis, best_accuracy = probe, -1, -1.
for axis in axes:
model = copy.deepcopy(best_model).eval()
assert model.project is not None, 'no projection?'
model.project.project.weight.data[:, sorted(ablated | {axis})] = 0
accuracy = learning.test(model, dev_dataset, device=device)
if accuracy > best_accuracy:
best_model = model
best_axis = axis
best_accuracy = accuracy
accuracy = learning.test(best_model, test_dataset, device=device)
log.info('ablating axis %d, test accuracy %f', best_axis, accuracy)
if also_log_to_wandb:
wandb.log({
'axis': best_axis,
'dev accuracy': best_accuracy,
'test accuracy': accuracy,
})
axes.remove(best_axis)
ablated.add(best_axis)
accuracies.append((best_axis, accuracy))
return tuple(accuracies)
| [((11285, 11312), 'logging.getLogger', 'logging.getLogger', (['__name__'], {}), '(__name__)\n', (11302, 11312), False, 'import logging\n'), ((12378, 12427), 'ldp.learning.test', 'learning.test', (['probe', 'test_dataset'], {'device': 'device'}), '(probe, test_dataset, device=device)\n', (12391, 12427), False, 'from ldp import datasets, learning\n'), ((13442, 13469), 'logging.getLogger', 'logging.getLogger', (['__name__'], {}), '(__name__)\n', (13459, 13469), False, 'import logging\n'), ((7924, 7967), 'torch.stack', 'torch.stack', (['[rels[i, j] for i, j in pairs]'], {}), '([rels[i, j] for i, j in pairs])\n', (7935, 7967), False, 'import torch\n'), ((11709, 11766), 'logging.info', 'logging.info', (['"""projection dim = reps dim, not projecting"""'], {}), "('projection dim = reps dim, not projecting')\n", (11721, 11766), False, 'import logging\n'), ((14199, 14253), 'ldp.learning.test', 'learning.test', (['best_model', 'test_dataset'], {'device': 'device'}), '(best_model, test_dataset, device=device)\n', (14212, 14253), False, 'from ldp import datasets, learning\n'), ((3130, 3165), 'collections.defaultdict', 'collections.defaultdict', (['(lambda : 0)'], {}), '(lambda : 0)\n', (3153, 3165), False, 'import collections\n'), ((3388, 3403), 'numpy.sum', 'numpy.sum', (['dist'], {}), '(dist)\n', (3397, 3403), False, 'import numpy\n'), ((11841, 11882), 'ldp.models.projections.Projection', 'projections.Projection', (['ndims', 'project_to'], {}), '(ndims, project_to)\n', (11863, 11882), False, 'from ldp.models import probes, projections\n'), ((11914, 11963), 'ldp.models.projections.Projection', 'projections.Projection', (['(2 * ndims)', '(2 * project_to)'], {}), '(2 * ndims, 2 * project_to)\n', (11936, 11963), False, 'from ldp.models import probes, projections\n'), ((12170, 12211), 'ldp.learning.EarlyStopping', 'learning.EarlyStopping', ([], {'patience': 'patience'}), '(patience=patience)\n', (12192, 12211), False, 'from ldp import datasets, learning\n'), ((13981, 14029), 'ldp.learning.test', 'learning.test', (['model', 'dev_dataset'], {'device': 'device'}), '(model, dev_dataset, device=device)\n', (13994, 14029), False, 'from ldp import datasets, learning\n'), ((14373, 14465), 'wandb.log', 'wandb.log', (["{'axis': best_axis, 'dev accuracy': best_accuracy, 'test accuracy': accuracy}"], {}), "({'axis': best_axis, 'dev accuracy': best_accuracy,\n 'test accuracy': accuracy})\n", (14382, 14465), False, 'import wandb\n'), ((7812, 7865), 'torch.stack', 'torch.stack', (['(representations[i], representations[j])'], {}), '((representations[i], representations[j]))\n', (7823, 7865), False, 'import torch\n'), ((13783, 13808), 'copy.deepcopy', 'copy.deepcopy', (['best_model'], {}), '(best_model)\n', (13796, 13808), False, 'import copy\n')] |
naver/PyCQuery | pycquery_krb/common/ccache.py | a72f74f9b7c208a263fc7cdb14a30d0fe21e63b9 | #!/usr/bin/env python3
#
# Author:
# Tamas Jos (@skelsec)
#
import os
import io
import datetime
import glob
import hashlib
from pycquery_krb.protocol.asn1_structs import Ticket, EncryptedData, \
krb5_pvno, KrbCredInfo, EncryptionKey, KRBCRED, TicketFlags, EncKrbCredPart
from pycquery_krb.common.utils import dt_to_kerbtime, TGSTicket2hashcat
from pycquery_krb.protocol.constants import EncryptionType, MESSAGE_TYPE
from pycquery_krb import logger
from asn1crypto import core
# http://repo.or.cz/w/krb5dissect.git/blob_plain/HEAD:/ccache.txt
class Header:
def __init__(self):
self.tag = None
self.taglen = None
self.tagdata = None
@staticmethod
def parse(data):
"""
returns a list of header tags
"""
reader = io.BytesIO(data)
headers = []
while reader.tell() < len(data):
h = Header()
h.tag = int.from_bytes(reader.read(2), byteorder='big', signed=False)
h.taglen = int.from_bytes(reader.read(2), byteorder='big', signed=False)
h.tagdata = reader.read(h.taglen)
headers.append(h)
return headers
def to_bytes(self):
t = self.tag.to_bytes(2, byteorder='big', signed=False)
t += len(self.tagdata).to_bytes(2, byteorder='big', signed=False)
t += self.tagdata
return t
def __str__(self):
t = 'tag: %s\n' % self.tag
t += 'taglen: %s\n' % self.taglen
t += 'tagdata: %s\n' % self.tagdata
return t
class DateTime:
def __init__(self):
self.time_offset = None
self.usec_offset = None
@staticmethod
def parse(reader):
d = DateTime()
d.time_offset = int.from_bytes(reader.read(4), byteorder='big', signed=False)
d.usec_offset = int.from_bytes(reader.read(4), byteorder='big', signed=False)
return d
def to_bytes(self):
t = self.time_offset.to_bytes(4, byteorder='big', signed=False)
t += self.usec_offset.to_bytes(4, byteorder='big', signed=False)
return t
class Credential:
def __init__(self):
self.client = None
self.server = None
self.key = None
self.time = None
self.is_skey = None
self.tktflags = None
self.num_address = None
self.addrs = []
self.num_authdata = None
self.authdata = []
self.ticket = None
self.second_ticket = None
def to_hash(self):
res = Ticket.load(self.ticket.to_asn1()).native
tgs_encryption_type = int(res['enc-part']['etype'])
t = len(res['sname']['name-string'])
if t == 1:
tgs_name_string = res['sname']['name-string'][0]
else:
tgs_name_string = res['sname']['name-string'][1]
tgs_realm = res['realm']
if tgs_encryption_type == EncryptionType.AES256_CTS_HMAC_SHA1_96.value:
tgs_checksum = res['enc-part']['cipher'][-12:]
tgs_encrypted_data2 = res['enc-part']['cipher'][:-12]
return '$krb5tgs$%s$%s$%s$%s$%s' % (tgs_encryption_type,tgs_name_string,tgs_realm, tgs_checksum.hex(), tgs_encrypted_data2.hex() )
else:
tgs_checksum = res['enc-part']['cipher'][:16]
tgs_encrypted_data2 = res['enc-part']['cipher'][16:]
return '$krb5tgs$%s$*%s$%s$spn*$%s$%s' % (tgs_encryption_type,tgs_name_string,tgs_realm, tgs_checksum.hex(), tgs_encrypted_data2.hex() )
def to_tgt(self):
"""
Returns the native format of an AS_REP message and the sessionkey in EncryptionKey native format
"""
enc_part = EncryptedData({'etype': 1, 'cipher': b''})
tgt_rep = {}
tgt_rep['pvno'] = krb5_pvno
tgt_rep['msg-type'] = MESSAGE_TYPE.KRB_AS_REP.value
tgt_rep['crealm'] = self.server.realm.to_string()
tgt_rep['cname'] = self.client.to_asn1()[0]
tgt_rep['ticket'] = Ticket.load(self.ticket.to_asn1()).native
tgt_rep['enc-part'] = enc_part.native
t = EncryptionKey(self.key.to_asn1()).native
return tgt_rep, t
def to_tgs(self):
"""
Returns the native format of an AS_REP message and the sessionkey in EncryptionKey native format
"""
enc_part = EncryptedData({'etype': 1, 'cipher': b''})
tgt_rep = {}
tgt_rep['pvno'] = krb5_pvno
tgt_rep['msg-type'] = MESSAGE_TYPE.KRB_AS_REP.value
tgt_rep['crealm'] = self.server.realm.to_string()
tgt_rep['cname'] = self.client.to_asn1()[0]
tgt_rep['ticket'] = Ticket.load(self.ticket.to_asn1()).native
tgt_rep['enc-part'] = enc_part.native
t = EncryptionKey(self.key.to_asn1()).native
return tgt_rep, t
def to_kirbi(self):
filename = '%s@%s_%s' % (self.client.to_string() , self.server.to_string(), hashlib.sha1(self.ticket.to_asn1()).hexdigest()[:8])
krbcredinfo = {}
krbcredinfo['key'] = EncryptionKey(self.key.to_asn1())
krbcredinfo['prealm'] = self.client.realm.to_string()
krbcredinfo['pname'] = self.client.to_asn1()[0]
krbcredinfo['flags'] = core.IntegerBitString(self.tktflags).cast(TicketFlags)
if self.time.authtime != 0: #this parameter is not mandatory, and most of the time not present
krbcredinfo['authtime'] = datetime.datetime.fromtimestamp(self.time.authtime, datetime.timezone.utc)
if self.time.starttime != 0:
krbcredinfo['starttime'] = datetime.datetime.fromtimestamp(self.time.starttime, datetime.timezone.utc)
if self.time.endtime != 0:
krbcredinfo['endtime'] = datetime.datetime.fromtimestamp(self.time.endtime, datetime.timezone.utc)
if self.time.renew_till != 0: #this parameter is not mandatory, and sometimes it's not present
krbcredinfo['renew-till'] = datetime.datetime.fromtimestamp(self.time.authtime, datetime.timezone.utc)
krbcredinfo['srealm'] = self.server.realm.to_string()
krbcredinfo['sname'] = self.server.to_asn1()[0]
enc_krbcred = {}
enc_krbcred['ticket-info'] = [KrbCredInfo(krbcredinfo)]
krbcred = {}
krbcred['pvno'] = krb5_pvno
krbcred['msg-type'] = MESSAGE_TYPE.KRB_CRED.value
krbcred['tickets'] = [Ticket.load(self.ticket.to_asn1())]
krbcred['enc-part'] = EncryptedData({'etype': EncryptionType.NULL.value, 'cipher': EncKrbCredPart(enc_krbcred).dump()})
kirbi = KRBCRED(krbcred)
return kirbi, filename
@staticmethod
def from_asn1(ticket, data):
###
# data = KrbCredInfo
###
c = Credential()
c.client = CCACHEPrincipal.from_asn1(data['pname'], data['prealm'])
c.server = CCACHEPrincipal.from_asn1(data['sname'], data['srealm'])
c.key = Keyblock.from_asn1(data['key'])
c.is_skey = 0 #not sure!
c.tktflags = TicketFlags(data['flags']).cast(core.IntegerBitString).native
c.num_address = 0
c.num_authdata = 0
c.ticket = CCACHEOctetString.from_asn1(ticket['enc-part']['cipher'])
c.second_ticket = CCACHEOctetString.empty()
return c
@staticmethod
def parse(reader):
c = Credential()
c.client = CCACHEPrincipal.parse(reader)
c.server = CCACHEPrincipal.parse(reader)
c.key = Keyblock.parse(reader)
c.time = Times.parse(reader)
c.is_skey = int.from_bytes(reader.read(1), byteorder='big', signed=False)
c.tktflags = int.from_bytes(reader.read(4), byteorder='little', signed=False)
c.num_address = int.from_bytes(reader.read(4), byteorder='big', signed=False)
for _ in range(c.num_address):
c.addrs.append(Address.parse(reader))
c.num_authdata = int.from_bytes(reader.read(4), byteorder='big', signed=False)
for _ in range(c.num_authdata):
c.authdata.append(Authdata.parse(reader))
c.ticket = CCACHEOctetString.parse(reader)
c.second_ticket = CCACHEOctetString.parse(reader)
return c
@staticmethod
def summary_header():
return ['client','server','starttime','endtime','renew-till']
def summary(self):
return [
'%s@%s' % (self.client.to_string(separator='/'), self.client.realm.to_string()),
'%s@%s' % (self.server.to_string(separator='/'), self.server.realm.to_string()),
datetime.datetime.fromtimestamp(self.time.starttime).isoformat() if self.time.starttime != 0 else 'N/A',
datetime.datetime.fromtimestamp(self.time.endtime).isoformat() if self.time.endtime != 0 else 'N/A',
datetime.datetime.fromtimestamp(self.time.renew_till).isoformat() if self.time.renew_till != 0 else 'N/A',
]
def to_bytes(self):
t = self.client.to_bytes()
t += self.server.to_bytes()
t += self.key.to_bytes()
t += self.time.to_bytes()
t += self.is_skey.to_bytes(1, byteorder='big', signed=False)
t += self.tktflags.to_bytes(4, byteorder='little', signed=False)
t += self.num_address.to_bytes(4, byteorder='big', signed=False)
for addr in self.addrs:
t += addr.to_bytes()
t += self.num_authdata.to_bytes(4, byteorder='big', signed=False)
for ad in self.authdata:
t += ad.to_bytes()
t += self.ticket.to_bytes()
t += self.second_ticket.to_bytes()
return t
class Keyblock:
def __init__(self):
self.keytype = None
self.etype = None
self.keylen = None
self.keyvalue = None
@staticmethod
def from_asn1(data):
k = Keyblock()
k.keytype = data['keytype']
k.etype = 0 # not sure
k.keylen = len(data['keyvalue'])
k.keyvalue = data['keyvalue']
return k
def to_asn1(self):
t = {}
t['keytype'] = self.keytype
t['keyvalue'] = self.keyvalue
return t
@staticmethod
def parse(reader):
k = Keyblock()
k.keytype = int.from_bytes(reader.read(2), byteorder='big', signed=False)
k.etype = int.from_bytes(reader.read(2), byteorder='big', signed=False)
k.keylen = int.from_bytes(reader.read(2), byteorder='big', signed=False)
k.keyvalue = reader.read(k.keylen)
return k
def to_bytes(self):
t = self.keytype.to_bytes(2, byteorder='big', signed=False)
t += self.etype.to_bytes(2, byteorder='big', signed=False)
t += self.keylen.to_bytes(2, byteorder='big', signed=False)
t += self.keyvalue
return t
class Times:
def __init__(self):
self.authtime = None
self.starttime = None
self.endtime = None
self.renew_till = None
@staticmethod
def from_asn1(enc_as_rep_part):
t = Times()
t.authtime = dt_to_kerbtime(enc_as_rep_part['authtime']) \
if 'authtime' in enc_as_rep_part and enc_as_rep_part['authtime'] else 0
t.starttime = dt_to_kerbtime(enc_as_rep_part['starttime']) \
if 'starttime' in enc_as_rep_part and enc_as_rep_part['starttime'] else 0
t.endtime = dt_to_kerbtime(enc_as_rep_part['endtime']) \
if 'endtime' in enc_as_rep_part and enc_as_rep_part['endtime'] else 0
t.renew_till = dt_to_kerbtime(enc_as_rep_part['renew_till']) \
if 'renew_till' in enc_as_rep_part and enc_as_rep_part['renew_till'] else 0
return t
@staticmethod
def dummy_time(start= datetime.datetime.now(datetime.timezone.utc)):
t = Times()
t.authtime = dt_to_kerbtime(start)
t.starttime = dt_to_kerbtime(start )
t.endtime = dt_to_kerbtime(start + datetime.timedelta(days=1))
t.renew_till = dt_to_kerbtime(start + datetime.timedelta(days=2))
return t
@staticmethod
def parse(reader):
t = Times()
t.authtime = int.from_bytes(reader.read(4), byteorder='big', signed=False)
t.starttime = int.from_bytes(reader.read(4), byteorder='big', signed=False)
t.endtime = int.from_bytes(reader.read(4), byteorder='big', signed=False)
t.renew_till = int.from_bytes(reader.read(4), byteorder='big', signed=False)
return t
def to_bytes(self):
t = self.authtime.to_bytes(4, byteorder='big', signed=False)
t += self.starttime.to_bytes(4, byteorder='big', signed=False)
t += self.endtime.to_bytes(4, byteorder='big', signed=False)
t += self.renew_till.to_bytes(4, byteorder='big', signed=False)
return t
class Address:
def __init__(self):
self.addrtype = None
self.addrdata = None
@staticmethod
def parse(reader):
a = Address()
a.addrtype = int.from_bytes(reader.read(2), byteorder='big', signed=False)
a.addrdata = CCACHEOctetString.parse(reader)
return a
def to_bytes(self):
t = self.addrtype.to_bytes(2, byteorder='big', signed=False)
t += self.addrdata.to_bytes()
return t
class Authdata:
def __init__(self):
self.authtype = None
self.authdata = None
@staticmethod
def parse(reader):
a = Authdata()
a.authtype = int.from_bytes(reader.read(2), byteorder='big', signed=False)
a.authdata = CCACHEOctetString.parse(reader)
return a
def to_bytes(self):
t = self.authtype.to_bytes(2, byteorder='big', signed=False)
t += self.authdata.to_bytes()
return t
class CCACHEPrincipal:
def __init__(self):
self.name_type = None
self.num_components = None
self.realm = None
self.components = []
@staticmethod
def from_asn1(principal, realm):
p = CCACHEPrincipal()
p.name_type = principal['name-type']
p.num_components = len(principal['name-string'])
p.realm = CCACHEOctetString.from_string(realm)
for comp in principal['name-string']:
p.components.append(CCACHEOctetString.from_asn1(comp))
return p
@staticmethod
def dummy():
p = CCACHEPrincipal()
p.name_type = 1
p.num_components = 1
p.realm = CCACHEOctetString.from_string('kerbi.corp')
for _ in range(1):
p.components.append(CCACHEOctetString.from_string('kerbi'))
return p
def to_string(self, separator='-'):
return separator.join([c.to_string() for c in self.components])
def to_asn1(self):
t = {'name-type': self.name_type, 'name-string': [name.to_string() for name in self.components]}
return t, self.realm.to_string()
@staticmethod
def parse(reader):
p = CCACHEPrincipal()
p.name_type = int.from_bytes(reader.read(4), byteorder='big', signed=False)
p.num_components = int.from_bytes(reader.read(4), byteorder='big', signed=False)
p.realm = CCACHEOctetString.parse(reader)
for _ in range(p.num_components):
p.components.append(CCACHEOctetString.parse(reader))
return p
def to_bytes(self):
t = self.name_type.to_bytes(4, byteorder='big', signed=False)
t += len(self.components).to_bytes(4, byteorder='big', signed=False)
t += self.realm.to_bytes()
for com in self.components:
t += com.to_bytes()
return t
class CCACHEOctetString:
def __init__(self):
self.length = None
self.data = None
@staticmethod
def empty():
o = CCACHEOctetString()
o.length = 0
o.data = b''
return o
def to_asn1(self):
return self.data
def to_string(self):
return self.data.decode()
@staticmethod
def from_string(data):
o = CCACHEOctetString()
o.data = data.encode()
o.length = len(o.data)
return o
@staticmethod
def from_asn1(data):
o = CCACHEOctetString()
o.length = len(data)
if isinstance(data,str):
o.data = data.encode()
else:
o.data = data
return o
@staticmethod
def parse(reader):
o = CCACHEOctetString()
o.length = int.from_bytes(reader.read(4), byteorder='big', signed=False)
o.data = reader.read(o.length)
return o
def to_bytes(self):
if isinstance(self.data,str):
self.data = self.data.encode()
self.length = len(self.data)
t = len(self.data).to_bytes(4, byteorder='big', signed=False)
t += self.data
return t
class CCACHE:
"""
As the header is rarely used -mostly static- you'd need to init this object with empty = True to get an object without header already present
"""
def __init__(self, empty = False):
self.file_format_version = None #0x0504
self.headers = []
self.primary_principal = None
self.credentials = []
if empty == False:
self.__setup()
def __setup(self):
self.file_format_version = 0x0504
header = Header()
header.tag = 1
header.taglen = 8
#header.tagdata = b'\xff\xff\xff\xff\x00\x00\x00\x00'
header.tagdata = b'\x00\x00\x00\x00\x00\x00\x00\x00'
self.headers.append(header)
#t_hdr = b''
#for header in self.headers:
# t_hdr += header.to_bytes()
#self.headerlen = 1 #size of the entire header in bytes, encoded in 2 byte big-endian unsigned int
self.primary_principal = CCACHEPrincipal.dummy()
def __str__(self):
t = '== CCACHE ==\n'
t+= 'file_format_version : %s\n' % self.file_format_version
for header in self.headers:
t+= '%s\n' % header
t+= 'primary_principal : %s\n' % self.primary_principal
return t
def add_tgt(self, as_rep, enc_as_rep_part, override_pp = True): #from AS_REP
"""
Creates credential object from the TGT and adds to the ccache file
The TGT is basically the native representation of the asn1 encoded AS_REP data that the AD sends upon a succsessful TGT request.
This function doesn't do decryption of the encrypted part of the as_rep object, it is expected that the decrypted XXX is supplied in enc_as_rep_part
override_pp: bool to determine if client principal should be used as the primary principal for the ccache file
"""
c = Credential()
c.client = CCACHEPrincipal.from_asn1(as_rep['cname'], as_rep['crealm'])
if override_pp == True:
self.primary_principal = c.client
c.server = CCACHEPrincipal.from_asn1(enc_as_rep_part['sname'], enc_as_rep_part['srealm'])
c.time = Times.from_asn1(enc_as_rep_part)
c.key = Keyblock.from_asn1(enc_as_rep_part['key'])
c.is_skey = 0 #not sure!
c.tktflags = TicketFlags(enc_as_rep_part['flags']).cast(core.IntegerBitString).native
c.num_address = 0
c.num_authdata = 0
c.ticket = CCACHEOctetString.from_asn1(Ticket(as_rep['ticket']).dump())
c.second_ticket = CCACHEOctetString.empty()
self.credentials.append(c)
def add_tgs(self, tgs_rep, enc_tgs_rep_part, override_pp = False): #from AS_REP
"""
Creates credential object from the TGS and adds to the ccache file
The TGS is the native representation of the asn1 encoded TGS_REP data when the user requests a tgs to a specific service principal with a valid TGT
This function doesn't do decryption of the encrypted part of the tgs_rep object, it is expected that the decrypted XXX is supplied in enc_as_rep_part
override_pp: bool to determine if client principal should be used as the primary principal for the ccache file
"""
c = Credential()
c.client = CCACHEPrincipal.from_asn1(tgs_rep['cname'], tgs_rep['crealm'])
if override_pp == True:
self.primary_principal = c.client
c.server = CCACHEPrincipal.from_asn1(enc_tgs_rep_part['sname'], enc_tgs_rep_part['srealm'])
c.time = Times.from_asn1(enc_tgs_rep_part)
c.key = Keyblock.from_asn1(enc_tgs_rep_part['key'])
c.is_skey = 0 #not sure!
c.tktflags = TicketFlags(enc_tgs_rep_part['flags']).cast(core.IntegerBitString).native
c.num_address = 0
c.num_authdata = 0
c.ticket = CCACHEOctetString.from_asn1(Ticket(tgs_rep['ticket']).dump())
c.second_ticket = CCACHEOctetString.empty()
self.credentials.append(c)
def add_kirbi(self, krbcred, override_pp = True, include_expired = False):
c = Credential()
enc_credinfo = EncKrbCredPart.load(krbcred['enc-part']['cipher']).native
ticket_info = enc_credinfo['ticket-info'][0]
"""
if ticket_info['endtime'] < datetime.datetime.now(datetime.timezone.utc):
if include_expired == True:
logging.debug('This ticket has most likely expired, but include_expired is forcing me to add it to cache! This can cause problems!')
else:
logging.debug('This ticket has most likely expired, skipping')
return
"""
c.client = CCACHEPrincipal.from_asn1(ticket_info['pname'], ticket_info['prealm'])
if override_pp == True:
self.primary_principal = c.client
#yaaaaay 4 additional weirdness!!!!
#if sname name-string contains a realm as well htne impacket will crash miserably :(
if len(ticket_info['sname']['name-string']) > 2 and ticket_info['sname']['name-string'][-1].upper() == ticket_info['srealm'].upper():
logger.debug('SNAME contains the realm as well, trimming it')
t = ticket_info['sname']
t['name-string'] = t['name-string'][:-1]
c.server = CCACHEPrincipal.from_asn1(t, ticket_info['srealm'])
else:
c.server = CCACHEPrincipal.from_asn1(ticket_info['sname'], ticket_info['srealm'])
c.time = Times.from_asn1(ticket_info)
c.key = Keyblock.from_asn1(ticket_info['key'])
c.is_skey = 0 #not sure!
c.tktflags = TicketFlags(ticket_info['flags']).cast(core.IntegerBitString).native
c.num_address = 0
c.num_authdata = 0
c.ticket = CCACHEOctetString.from_asn1(Ticket(krbcred['tickets'][0]).dump()) #kirbi only stores one ticket per file
c.second_ticket = CCACHEOctetString.empty()
self.credentials.append(c)
@staticmethod
def from_kirbi(kirbidata):
kirbi = KRBCRED.load(kirbidata).native
cc = CCACHE()
cc.add_kirbi(kirbi)
return cc
def get_all_tgt(self):
"""
Returns a list of AS_REP tickets in native format (dict).
To determine which ticket are AP_REP we check for the server principal to be the kerberos service
"""
tgts = []
for cred in self.credentials:
if cred.server.to_string(separator='/').lower().find('krbtgt') != -1:
tgt = [cred.to_tgt(), cred.time]
tgts.append(tgt)
return tgts
def get_all_tgs(self):
tgss = []
for cred in self.credentials:
if cred.server.to_string(separator = '/').lower().find('krbtgt') == -1:
tgss.append(cred.to_tgs())
return tgss
def get_hashes(self, all_hashes = False):
"""
Returns a list of hashes in hashcat-firendly format for tickets with encryption type 23 (which is RC4)
all_hashes: overrides the encryption type filtering and returns hash for all tickets
"""
hashes = []
for cred in self.credentials:
res = Ticket.load(cred.ticket.to_asn1()).native
if int(res['enc-part']['etype']) == 23 or all_hashes == True:
hashes.append(cred.to_hash())
return hashes
@staticmethod
def parse(reader):
c = CCACHE(True)
c.file_format_version = int.from_bytes(reader.read(2), byteorder='big', signed=False)
hdr_size = int.from_bytes(reader.read(2), byteorder='big', signed=False)
c.headers = Header.parse(reader.read(hdr_size))
#c.headerlen =
#for i in range(c.headerlen):
# c.headers.append(Header.parse(reader))
c.primary_principal = CCACHEPrincipal.parse(reader)
pos = reader.tell()
reader.seek(-1,2)
eof = reader.tell()
reader.seek(pos,0)
while reader.tell() < eof:
cred = Credential.parse(reader)
if not (len(cred.server.components) > 0 and cred.server.components[0].to_string() == 'krb5_ccache_conf_data'
and cred.server.realm.to_string() == 'X-CACHECONF:'):
c.credentials.append(cred)
return c
def to_bytes(self):
t = self.file_format_version.to_bytes(2, byteorder='big', signed=False)
t_hdr = b''
for header in self.headers:
t_hdr += header.to_bytes()
t += len(t_hdr).to_bytes(2, byteorder='big', signed=False)
t += t_hdr
t += self.primary_principal.to_bytes()
for cred in self.credentials:
t += cred.to_bytes()
return t
@staticmethod
def from_kirbifile(kirbi_filename):
kf_abs = os.path.abspath(kirbi_filename)
kirbidata = None
with open(kf_abs, 'rb') as f:
kirbidata = f.read()
return CCACHE.from_kirbi(kirbidata)
@staticmethod
def from_kirbidir(directory_path):
"""
Iterates trough all .kirbi files in a given directory and converts all of them into one CCACHE object
"""
cc = CCACHE()
dir_path = os.path.join(os.path.abspath(directory_path), '*.kirbi')
for filename in glob.glob(dir_path):
with open(filename, 'rb') as f:
kirbidata = f.read()
kirbi = KRBCRED.load(kirbidata).native
cc.add_kirbi(kirbi)
return cc
def to_kirbidir(self, directory_path):
"""
Converts all credential object in the CCACHE object to the kirbi file format used by mimikatz.
The kirbi file format supports one credential per file, so prepare for a lot of files being generated.
directory_path: str the directory to write the kirbi files to
"""
kf_abs = os.path.abspath(directory_path)
for cred in self.credentials:
kirbi, filename = cred.to_kirbi()
filename = '%s.kirbi' % filename.replace('..','!')
filepath = os.path.join(kf_abs, filename)
with open(filepath, 'wb') as o:
o.write(kirbi.dump())
@staticmethod
def from_file(filename):
"""
Parses the ccache file and returns a CCACHE object
"""
with open(filename, 'rb') as f:
return CCACHE.parse(f)
def to_file(self, filename):
"""
Writes the contents of the CCACHE object to a file
"""
with open(filename, 'wb') as f:
f.write(self.to_bytes())
@staticmethod
def from_bytes(data):
return CCACHE.parse(io.BytesIO(data))
| [((734, 750), 'io.BytesIO', 'io.BytesIO', (['data'], {}), '(data)\n', (744, 750), False, 'import io\n'), ((3228, 3270), 'pycquery_krb.protocol.asn1_structs.EncryptedData', 'EncryptedData', (["{'etype': 1, 'cipher': b''}"], {}), "({'etype': 1, 'cipher': b''})\n", (3241, 3270), False, 'from pycquery_krb.protocol.asn1_structs import Ticket, EncryptedData, krb5_pvno, KrbCredInfo, EncryptionKey, KRBCRED, TicketFlags, EncKrbCredPart\n'), ((3786, 3828), 'pycquery_krb.protocol.asn1_structs.EncryptedData', 'EncryptedData', (["{'etype': 1, 'cipher': b''}"], {}), "({'etype': 1, 'cipher': b''})\n", (3799, 3828), False, 'from pycquery_krb.protocol.asn1_structs import Ticket, EncryptedData, krb5_pvno, KrbCredInfo, EncryptionKey, KRBCRED, TicketFlags, EncKrbCredPart\n'), ((5764, 5780), 'pycquery_krb.protocol.asn1_structs.KRBCRED', 'KRBCRED', (['krbcred'], {}), '(krbcred)\n', (5771, 5780), False, 'from pycquery_krb.protocol.asn1_structs import Ticket, EncryptedData, krb5_pvno, KrbCredInfo, EncryptionKey, KRBCRED, TicketFlags, EncKrbCredPart\n'), ((10132, 10176), 'datetime.datetime.now', 'datetime.datetime.now', (['datetime.timezone.utc'], {}), '(datetime.timezone.utc)\n', (10153, 10176), False, 'import datetime\n'), ((10208, 10229), 'pycquery_krb.common.utils.dt_to_kerbtime', 'dt_to_kerbtime', (['start'], {}), '(start)\n', (10222, 10229), False, 'from pycquery_krb.common.utils import dt_to_kerbtime, TGSTicket2hashcat\n'), ((10246, 10267), 'pycquery_krb.common.utils.dt_to_kerbtime', 'dt_to_kerbtime', (['start'], {}), '(start)\n', (10260, 10267), False, 'from pycquery_krb.common.utils import dt_to_kerbtime, TGSTicket2hashcat\n'), ((22038, 22069), 'os.path.abspath', 'os.path.abspath', (['kirbi_filename'], {}), '(kirbi_filename)\n', (22053, 22069), False, 'import os\n'), ((22456, 22475), 'glob.glob', 'glob.glob', (['dir_path'], {}), '(dir_path)\n', (22465, 22475), False, 'import glob\n'), ((22948, 22979), 'os.path.abspath', 'os.path.abspath', (['directory_path'], {}), '(directory_path)\n', (22963, 22979), False, 'import os\n'), ((4741, 4815), 'datetime.datetime.fromtimestamp', 'datetime.datetime.fromtimestamp', (['self.time.authtime', 'datetime.timezone.utc'], {}), '(self.time.authtime, datetime.timezone.utc)\n', (4772, 4815), False, 'import datetime\n'), ((4877, 4952), 'datetime.datetime.fromtimestamp', 'datetime.datetime.fromtimestamp', (['self.time.starttime', 'datetime.timezone.utc'], {}), '(self.time.starttime, datetime.timezone.utc)\n', (4908, 4952), False, 'import datetime\n'), ((5010, 5083), 'datetime.datetime.fromtimestamp', 'datetime.datetime.fromtimestamp', (['self.time.endtime', 'datetime.timezone.utc'], {}), '(self.time.endtime, datetime.timezone.utc)\n', (5041, 5083), False, 'import datetime\n'), ((5212, 5286), 'datetime.datetime.fromtimestamp', 'datetime.datetime.fromtimestamp', (['self.time.authtime', 'datetime.timezone.utc'], {}), '(self.time.authtime, datetime.timezone.utc)\n', (5243, 5286), False, 'import datetime\n'), ((5445, 5469), 'pycquery_krb.protocol.asn1_structs.KrbCredInfo', 'KrbCredInfo', (['krbcredinfo'], {}), '(krbcredinfo)\n', (5456, 5469), False, 'from pycquery_krb.protocol.asn1_structs import Ticket, EncryptedData, krb5_pvno, KrbCredInfo, EncryptionKey, KRBCRED, TicketFlags, EncKrbCredPart\n'), ((9545, 9588), 'pycquery_krb.common.utils.dt_to_kerbtime', 'dt_to_kerbtime', (["enc_as_rep_part['authtime']"], {}), "(enc_as_rep_part['authtime'])\n", (9559, 9588), False, 'from pycquery_krb.common.utils import dt_to_kerbtime, TGSTicket2hashcat\n'), ((9682, 9726), 'pycquery_krb.common.utils.dt_to_kerbtime', 'dt_to_kerbtime', (["enc_as_rep_part['starttime']"], {}), "(enc_as_rep_part['starttime'])\n", (9696, 9726), False, 'from pycquery_krb.common.utils import dt_to_kerbtime, TGSTicket2hashcat\n'), ((9820, 9862), 'pycquery_krb.common.utils.dt_to_kerbtime', 'dt_to_kerbtime', (["enc_as_rep_part['endtime']"], {}), "(enc_as_rep_part['endtime'])\n", (9834, 9862), False, 'from pycquery_krb.common.utils import dt_to_kerbtime, TGSTicket2hashcat\n'), ((9955, 10000), 'pycquery_krb.common.utils.dt_to_kerbtime', 'dt_to_kerbtime', (["enc_as_rep_part['renew_till']"], {}), "(enc_as_rep_part['renew_till'])\n", (9969, 10000), False, 'from pycquery_krb.common.utils import dt_to_kerbtime, TGSTicket2hashcat\n'), ((18072, 18122), 'pycquery_krb.protocol.asn1_structs.EncKrbCredPart.load', 'EncKrbCredPart.load', (["krbcred['enc-part']['cipher']"], {}), "(krbcred['enc-part']['cipher'])\n", (18091, 18122), False, 'from pycquery_krb.protocol.asn1_structs import Ticket, EncryptedData, krb5_pvno, KrbCredInfo, EncryptionKey, KRBCRED, TicketFlags, EncKrbCredPart\n'), ((18934, 18995), 'pycquery_krb.logger.debug', 'logger.debug', (['"""SNAME contains the realm as well, trimming it"""'], {}), "('SNAME contains the realm as well, trimming it')\n", (18946, 18995), False, 'from pycquery_krb import logger\n'), ((19719, 19742), 'pycquery_krb.protocol.asn1_structs.KRBCRED.load', 'KRBCRED.load', (['kirbidata'], {}), '(kirbidata)\n', (19731, 19742), False, 'from pycquery_krb.protocol.asn1_structs import Ticket, EncryptedData, krb5_pvno, KrbCredInfo, EncryptionKey, KRBCRED, TicketFlags, EncKrbCredPart\n'), ((22394, 22425), 'os.path.abspath', 'os.path.abspath', (['directory_path'], {}), '(directory_path)\n', (22409, 22425), False, 'import os\n'), ((23117, 23147), 'os.path.join', 'os.path.join', (['kf_abs', 'filename'], {}), '(kf_abs, filename)\n', (23129, 23147), False, 'import os\n'), ((23595, 23611), 'io.BytesIO', 'io.BytesIO', (['data'], {}), '(data)\n', (23605, 23611), False, 'import io\n'), ((4560, 4596), 'asn1crypto.core.IntegerBitString', 'core.IntegerBitString', (['self.tktflags'], {}), '(self.tktflags)\n', (4581, 4596), False, 'from asn1crypto import core\n'), ((10306, 10332), 'datetime.timedelta', 'datetime.timedelta', ([], {'days': '(1)'}), '(days=1)\n', (10324, 10332), False, 'import datetime\n'), ((10374, 10400), 'datetime.timedelta', 'datetime.timedelta', ([], {'days': '(2)'}), '(days=2)\n', (10392, 10400), False, 'import datetime\n'), ((6132, 6158), 'pycquery_krb.protocol.asn1_structs.TicketFlags', 'TicketFlags', (["data['flags']"], {}), "(data['flags'])\n", (6143, 6158), False, 'from pycquery_krb.protocol.asn1_structs import Ticket, EncryptedData, krb5_pvno, KrbCredInfo, EncryptionKey, KRBCRED, TicketFlags, EncKrbCredPart\n'), ((16454, 16491), 'pycquery_krb.protocol.asn1_structs.TicketFlags', 'TicketFlags', (["enc_as_rep_part['flags']"], {}), "(enc_as_rep_part['flags'])\n", (16465, 16491), False, 'from pycquery_krb.protocol.asn1_structs import Ticket, EncryptedData, krb5_pvno, KrbCredInfo, EncryptionKey, KRBCRED, TicketFlags, EncKrbCredPart\n'), ((16609, 16633), 'pycquery_krb.protocol.asn1_structs.Ticket', 'Ticket', (["as_rep['ticket']"], {}), "(as_rep['ticket'])\n", (16615, 16633), False, 'from pycquery_krb.protocol.asn1_structs import Ticket, EncryptedData, krb5_pvno, KrbCredInfo, EncryptionKey, KRBCRED, TicketFlags, EncKrbCredPart\n'), ((17692, 17730), 'pycquery_krb.protocol.asn1_structs.TicketFlags', 'TicketFlags', (["enc_tgs_rep_part['flags']"], {}), "(enc_tgs_rep_part['flags'])\n", (17703, 17730), False, 'from pycquery_krb.protocol.asn1_structs import Ticket, EncryptedData, krb5_pvno, KrbCredInfo, EncryptionKey, KRBCRED, TicketFlags, EncKrbCredPart\n'), ((17848, 17873), 'pycquery_krb.protocol.asn1_structs.Ticket', 'Ticket', (["tgs_rep['ticket']"], {}), "(tgs_rep['ticket'])\n", (17854, 17873), False, 'from pycquery_krb.protocol.asn1_structs import Ticket, EncryptedData, krb5_pvno, KrbCredInfo, EncryptionKey, KRBCRED, TicketFlags, EncKrbCredPart\n'), ((19361, 19394), 'pycquery_krb.protocol.asn1_structs.TicketFlags', 'TicketFlags', (["ticket_info['flags']"], {}), "(ticket_info['flags'])\n", (19372, 19394), False, 'from pycquery_krb.protocol.asn1_structs import Ticket, EncryptedData, krb5_pvno, KrbCredInfo, EncryptionKey, KRBCRED, TicketFlags, EncKrbCredPart\n'), ((19512, 19541), 'pycquery_krb.protocol.asn1_structs.Ticket', 'Ticket', (["krbcred['tickets'][0]"], {}), "(krbcred['tickets'][0])\n", (19518, 19541), False, 'from pycquery_krb.protocol.asn1_structs import Ticket, EncryptedData, krb5_pvno, KrbCredInfo, EncryptionKey, KRBCRED, TicketFlags, EncKrbCredPart\n'), ((22549, 22572), 'pycquery_krb.protocol.asn1_structs.KRBCRED.load', 'KRBCRED.load', (['kirbidata'], {}), '(kirbidata)\n', (22561, 22572), False, 'from pycquery_krb.protocol.asn1_structs import Ticket, EncryptedData, krb5_pvno, KrbCredInfo, EncryptionKey, KRBCRED, TicketFlags, EncKrbCredPart\n'), ((5714, 5741), 'pycquery_krb.protocol.asn1_structs.EncKrbCredPart', 'EncKrbCredPart', (['enc_krbcred'], {}), '(enc_krbcred)\n', (5728, 5741), False, 'from pycquery_krb.protocol.asn1_structs import Ticket, EncryptedData, krb5_pvno, KrbCredInfo, EncryptionKey, KRBCRED, TicketFlags, EncKrbCredPart\n'), ((7452, 7504), 'datetime.datetime.fromtimestamp', 'datetime.datetime.fromtimestamp', (['self.time.starttime'], {}), '(self.time.starttime)\n', (7483, 7504), False, 'import datetime\n'), ((7560, 7610), 'datetime.datetime.fromtimestamp', 'datetime.datetime.fromtimestamp', (['self.time.endtime'], {}), '(self.time.endtime)\n', (7591, 7610), False, 'import datetime\n'), ((7664, 7717), 'datetime.datetime.fromtimestamp', 'datetime.datetime.fromtimestamp', (['self.time.renew_till'], {}), '(self.time.renew_till)\n', (7695, 7717), False, 'import datetime\n')] |
OpenEye-Contrib/Molecular-List-Logic | getUniformSmiles.py | 82caf41f7d8b94e7448d8e839bdbc0620a8666d7 | #!/opt/az/psf/python/2.7/bin/python
from openeye.oechem import *
import cgi
#creates a list of smiles of the syntax [smiles|molId,smiles|molId]
def process_smiles(smiles):
smiles = smiles.split('\n')
mol = OEGraphMol()
smiles_list=[]
for line in smiles:
if len(line.rstrip())>0:
line = line.split()
smi = line[0]
molId = ""
if len(line)>1:
molId = line[1].replace(" ","|").rstrip()
if(OEParseSmiles(mol,smi)):
smi = OECreateSmiString(mol)
mol.Clear()
smiles_list.append(smi + "|" + molId) #can't send spaces or new lines
return smiles_list
#takes a list of smiles and writes it as sdf using a memory buffer
def write_sdf(smiles_list):
sdfs = []
ofs = oemolostream()
ofs.SetFormat(OEFormat_SDF)
ofs.openstring()
mol = OEGraphMol()
for smiles in smiles_list:
if(OEParseSmiles(mol,smiles.replace("|"," "))):
OEWriteMolecule(ofs,mol)
sdfs.append(ofs.GetString())
mol.Clear()
ofs.SetString("")
return sdfs
#creates a list of smiles of the syntax [smiles|molId,smiles|molId]
def read_sdf(sdf_data):
ifs = oemolistream()
ifs.SetFormat(OEFormat_SDF)
ifs.openstring(sdf_data)
smiles_list = []
for mol in ifs.GetOEGraphMols():
smiles = OECreateSmiString(mol)
smiles_list.append(smiles + "|" + mol.GetTitle())
return smiles_list
if __name__ == "__main__":
print "Content-Type: text/html\r\n\r\n"
form = cgi.FieldStorage()
extension = form.getvalue("extension")
dataA = form.getvalue("dataA")
operator = form.getvalue("smiles_operator")
sdf_output = form.getvalue("sdf_output")
if(extension=="smi"):
list_A = process_smiles(dataA)
else:
list_A = read_sdf(dataA)
outputString = ""
if(operator=="UNI"): #if only one file is supplied
outputString = "*".join(set(list_A)) #removes all doubles using the set() function
else:
dataB = form.getvalue("dataB") #if two files are supplied
if(extension=="smi"):
list_B = process_smiles(dataB)
else:
list_B = read_sdf(dataB)
if(operator=="AND"):
outputString = "*".join(set(list_A) & set(list_B))
elif(operator=="OR"):
outputString = "*".join(set(list_A) | set(list_B))
elif(operator=="NOT"):
outputString = "*".join(set(list_A) - set(list_B))
if(sdf_output=="on"): #if we want the output as sdf
sdfs = write_sdf(outputString.replace("|"," ").split("*"))
outputString = "*".join(sdfs)
outputString = outputString.replace("\n","!").replace(" ","|")
#sends the output to index.html using javascript
print """
<html>
<head>
<input type="text" id="data" value=""" + outputString + """>
<script type="text/javascript">
parent.postMessage(data.value,"*");
</script>
</head>
</html>
"""
| [] |
mfem/PyMFEM | mfem/_par/gridfunc.py | b7b7c3d3de1082eac1015e3a313cf513db06fd7b | # This file was automatically generated by SWIG (http://www.swig.org).
# Version 4.0.2
#
# Do not make changes to this file unless you know what you are doing--modify
# the SWIG interface file instead.
from sys import version_info as _swig_python_version_info
if _swig_python_version_info < (2, 7, 0):
raise RuntimeError("Python 2.7 or later required")
# Import the low-level C/C++ module
if __package__ or "." in __name__:
from . import _gridfunc
else:
import _gridfunc
try:
import builtins as __builtin__
except ImportError:
import __builtin__
_swig_new_instance_method = _gridfunc.SWIG_PyInstanceMethod_New
_swig_new_static_method = _gridfunc.SWIG_PyStaticMethod_New
def _swig_repr(self):
try:
strthis = "proxy of " + self.this.__repr__()
except __builtin__.Exception:
strthis = ""
return "<%s.%s; %s >" % (self.__class__.__module__, self.__class__.__name__, strthis,)
def _swig_setattr_nondynamic_instance_variable(set):
def set_instance_attr(self, name, value):
if name == "thisown":
self.this.own(value)
elif name == "this":
set(self, name, value)
elif hasattr(self, name) and isinstance(getattr(type(self), name), property):
set(self, name, value)
else:
raise AttributeError("You cannot add instance attributes to %s" % self)
return set_instance_attr
def _swig_setattr_nondynamic_class_variable(set):
def set_class_attr(cls, name, value):
if hasattr(cls, name) and not isinstance(getattr(cls, name), property):
set(cls, name, value)
else:
raise AttributeError("You cannot add class attributes to %s" % cls)
return set_class_attr
def _swig_add_metaclass(metaclass):
"""Class decorator for adding a metaclass to a SWIG wrapped class - a slimmed down version of six.add_metaclass"""
def wrapper(cls):
return metaclass(cls.__name__, cls.__bases__, cls.__dict__.copy())
return wrapper
class _SwigNonDynamicMeta(type):
"""Meta class to enforce nondynamic attributes (no new attributes) for a class"""
__setattr__ = _swig_setattr_nondynamic_class_variable(type.__setattr__)
import weakref
import mfem._par.array
import mfem._par.mem_manager
import mfem._par.vector
import mfem._par.coefficient
import mfem._par.globals
import mfem._par.matrix
import mfem._par.operators
import mfem._par.intrules
import mfem._par.sparsemat
import mfem._par.densemat
import mfem._par.eltrans
import mfem._par.fe
import mfem._par.geom
import mfem._par.fespace
import mfem._par.mesh
import mfem._par.sort_pairs
import mfem._par.ncmesh
import mfem._par.vtk
import mfem._par.element
import mfem._par.table
import mfem._par.hash
import mfem._par.vertex
import mfem._par.fe_coll
import mfem._par.lininteg
import mfem._par.handle
import mfem._par.hypre
import mfem._par.restriction
import mfem._par.bilininteg
import mfem._par.linearform
import mfem._par.nonlininteg
class GridFunction(mfem._par.vector.Vector):
r"""Proxy of C++ mfem::GridFunction class."""
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def MakeOwner(self, fec_):
r"""MakeOwner(GridFunction self, FiniteElementCollection fec_)"""
return _gridfunc.GridFunction_MakeOwner(self, fec_)
MakeOwner = _swig_new_instance_method(_gridfunc.GridFunction_MakeOwner)
def OwnFEC(self):
r"""OwnFEC(GridFunction self) -> FiniteElementCollection"""
return _gridfunc.GridFunction_OwnFEC(self)
OwnFEC = _swig_new_instance_method(_gridfunc.GridFunction_OwnFEC)
def VectorDim(self):
r"""VectorDim(GridFunction self) -> int"""
return _gridfunc.GridFunction_VectorDim(self)
VectorDim = _swig_new_instance_method(_gridfunc.GridFunction_VectorDim)
def GetTrueVector(self, *args):
r"""
GetTrueVector(GridFunction self) -> Vector
GetTrueVector(GridFunction self) -> Vector
"""
return _gridfunc.GridFunction_GetTrueVector(self, *args)
GetTrueVector = _swig_new_instance_method(_gridfunc.GridFunction_GetTrueVector)
def GetTrueDofs(self, tv):
r"""GetTrueDofs(GridFunction self, Vector tv)"""
return _gridfunc.GridFunction_GetTrueDofs(self, tv)
GetTrueDofs = _swig_new_instance_method(_gridfunc.GridFunction_GetTrueDofs)
def SetTrueVector(self):
r"""SetTrueVector(GridFunction self)"""
return _gridfunc.GridFunction_SetTrueVector(self)
SetTrueVector = _swig_new_instance_method(_gridfunc.GridFunction_SetTrueVector)
def SetFromTrueDofs(self, tv):
r"""SetFromTrueDofs(GridFunction self, Vector tv)"""
return _gridfunc.GridFunction_SetFromTrueDofs(self, tv)
SetFromTrueDofs = _swig_new_instance_method(_gridfunc.GridFunction_SetFromTrueDofs)
def SetFromTrueVector(self):
r"""SetFromTrueVector(GridFunction self)"""
return _gridfunc.GridFunction_SetFromTrueVector(self)
SetFromTrueVector = _swig_new_instance_method(_gridfunc.GridFunction_SetFromTrueVector)
def GetValue(self, *args):
r"""
GetValue(GridFunction self, int i, IntegrationPoint ip, int vdim=1) -> double
GetValue(GridFunction self, ElementTransformation T, IntegrationPoint ip, int comp=0, Vector tr=None) -> double
"""
return _gridfunc.GridFunction_GetValue(self, *args)
GetValue = _swig_new_instance_method(_gridfunc.GridFunction_GetValue)
def GetVectorValue(self, *args):
r"""
GetVectorValue(GridFunction self, int i, IntegrationPoint ip, Vector val)
GetVectorValue(GridFunction self, ElementTransformation T, IntegrationPoint ip, Vector val, Vector tr=None)
"""
return _gridfunc.GridFunction_GetVectorValue(self, *args)
GetVectorValue = _swig_new_instance_method(_gridfunc.GridFunction_GetVectorValue)
def GetValues(self, *args):
r"""
GetValues(GridFunction self, int i, IntegrationRule ir, Vector vals, int vdim=1)
GetValues(GridFunction self, int i, IntegrationRule ir, Vector vals, DenseMatrix tr, int vdim=1)
GetValues(GridFunction self, ElementTransformation T, IntegrationRule ir, Vector vals, int comp=0, DenseMatrix tr=None)
"""
return _gridfunc.GridFunction_GetValues(self, *args)
GetValues = _swig_new_instance_method(_gridfunc.GridFunction_GetValues)
def GetVectorValues(self, *args):
r"""
GetVectorValues(GridFunction self, int i, IntegrationRule ir, DenseMatrix vals, DenseMatrix tr)
GetVectorValues(GridFunction self, ElementTransformation T, IntegrationRule ir, DenseMatrix vals, DenseMatrix tr=None)
"""
return _gridfunc.GridFunction_GetVectorValues(self, *args)
GetVectorValues = _swig_new_instance_method(_gridfunc.GridFunction_GetVectorValues)
def GetFaceValues(self, i, side, ir, vals, tr, vdim=1):
r"""GetFaceValues(GridFunction self, int i, int side, IntegrationRule ir, Vector vals, DenseMatrix tr, int vdim=1) -> int"""
return _gridfunc.GridFunction_GetFaceValues(self, i, side, ir, vals, tr, vdim)
GetFaceValues = _swig_new_instance_method(_gridfunc.GridFunction_GetFaceValues)
def GetFaceVectorValues(self, i, side, ir, vals, tr):
r"""GetFaceVectorValues(GridFunction self, int i, int side, IntegrationRule ir, DenseMatrix vals, DenseMatrix tr) -> int"""
return _gridfunc.GridFunction_GetFaceVectorValues(self, i, side, ir, vals, tr)
GetFaceVectorValues = _swig_new_instance_method(_gridfunc.GridFunction_GetFaceVectorValues)
def GetLaplacians(self, *args):
r"""
GetLaplacians(GridFunction self, int i, IntegrationRule ir, Vector laps, int vdim=1)
GetLaplacians(GridFunction self, int i, IntegrationRule ir, Vector laps, DenseMatrix tr, int vdim=1)
"""
return _gridfunc.GridFunction_GetLaplacians(self, *args)
GetLaplacians = _swig_new_instance_method(_gridfunc.GridFunction_GetLaplacians)
def GetHessians(self, *args):
r"""
GetHessians(GridFunction self, int i, IntegrationRule ir, DenseMatrix hess, int vdim=1)
GetHessians(GridFunction self, int i, IntegrationRule ir, DenseMatrix hess, DenseMatrix tr, int vdim=1)
"""
return _gridfunc.GridFunction_GetHessians(self, *args)
GetHessians = _swig_new_instance_method(_gridfunc.GridFunction_GetHessians)
def GetValuesFrom(self, orig_func):
r"""GetValuesFrom(GridFunction self, GridFunction orig_func)"""
return _gridfunc.GridFunction_GetValuesFrom(self, orig_func)
GetValuesFrom = _swig_new_instance_method(_gridfunc.GridFunction_GetValuesFrom)
def GetBdrValuesFrom(self, orig_func):
r"""GetBdrValuesFrom(GridFunction self, GridFunction orig_func)"""
return _gridfunc.GridFunction_GetBdrValuesFrom(self, orig_func)
GetBdrValuesFrom = _swig_new_instance_method(_gridfunc.GridFunction_GetBdrValuesFrom)
def GetVectorFieldValues(self, i, ir, vals, tr, comp=0):
r"""GetVectorFieldValues(GridFunction self, int i, IntegrationRule ir, DenseMatrix vals, DenseMatrix tr, int comp=0)"""
return _gridfunc.GridFunction_GetVectorFieldValues(self, i, ir, vals, tr, comp)
GetVectorFieldValues = _swig_new_instance_method(_gridfunc.GridFunction_GetVectorFieldValues)
def ReorderByNodes(self):
r"""ReorderByNodes(GridFunction self)"""
return _gridfunc.GridFunction_ReorderByNodes(self)
ReorderByNodes = _swig_new_instance_method(_gridfunc.GridFunction_ReorderByNodes)
def GetNodalValues(self, *args):
'''
GetNodalValues(i) -> GetNodalValues(vector, vdim)
GetNodalValues(i, array<dobule>, vdim)
'''
from .vector import Vector
if len(args) == 1:
vec = Vector()
_gridfunc.GridFunction_GetNodalValues(self, vec, args[0])
vec.thisown = 0
return vec.GetDataArray()
else:
return _gridfunc.GridFunction_GetNodalValues(self, *args)
def GetVectorFieldNodalValues(self, val, comp):
r"""GetVectorFieldNodalValues(GridFunction self, Vector val, int comp)"""
return _gridfunc.GridFunction_GetVectorFieldNodalValues(self, val, comp)
GetVectorFieldNodalValues = _swig_new_instance_method(_gridfunc.GridFunction_GetVectorFieldNodalValues)
def ProjectVectorFieldOn(self, vec_field, comp=0):
r"""ProjectVectorFieldOn(GridFunction self, GridFunction vec_field, int comp=0)"""
return _gridfunc.GridFunction_ProjectVectorFieldOn(self, vec_field, comp)
ProjectVectorFieldOn = _swig_new_instance_method(_gridfunc.GridFunction_ProjectVectorFieldOn)
def GetDerivative(self, comp, der_comp, der):
r"""GetDerivative(GridFunction self, int comp, int der_comp, GridFunction der)"""
return _gridfunc.GridFunction_GetDerivative(self, comp, der_comp, der)
GetDerivative = _swig_new_instance_method(_gridfunc.GridFunction_GetDerivative)
def GetDivergence(self, tr):
r"""GetDivergence(GridFunction self, ElementTransformation tr) -> double"""
return _gridfunc.GridFunction_GetDivergence(self, tr)
GetDivergence = _swig_new_instance_method(_gridfunc.GridFunction_GetDivergence)
def GetCurl(self, tr, curl):
r"""GetCurl(GridFunction self, ElementTransformation tr, Vector curl)"""
return _gridfunc.GridFunction_GetCurl(self, tr, curl)
GetCurl = _swig_new_instance_method(_gridfunc.GridFunction_GetCurl)
def GetGradient(self, tr, grad):
r"""GetGradient(GridFunction self, ElementTransformation tr, Vector grad)"""
return _gridfunc.GridFunction_GetGradient(self, tr, grad)
GetGradient = _swig_new_instance_method(_gridfunc.GridFunction_GetGradient)
def GetGradients(self, *args):
r"""
GetGradients(GridFunction self, ElementTransformation tr, IntegrationRule ir, DenseMatrix grad)
GetGradients(GridFunction self, int const elem, IntegrationRule ir, DenseMatrix grad)
"""
return _gridfunc.GridFunction_GetGradients(self, *args)
GetGradients = _swig_new_instance_method(_gridfunc.GridFunction_GetGradients)
def GetVectorGradient(self, tr, grad):
r"""GetVectorGradient(GridFunction self, ElementTransformation tr, DenseMatrix grad)"""
return _gridfunc.GridFunction_GetVectorGradient(self, tr, grad)
GetVectorGradient = _swig_new_instance_method(_gridfunc.GridFunction_GetVectorGradient)
def GetElementAverages(self, avgs):
r"""GetElementAverages(GridFunction self, GridFunction avgs)"""
return _gridfunc.GridFunction_GetElementAverages(self, avgs)
GetElementAverages = _swig_new_instance_method(_gridfunc.GridFunction_GetElementAverages)
def GetElementDofValues(self, el, dof_vals):
r"""GetElementDofValues(GridFunction self, int el, Vector dof_vals)"""
return _gridfunc.GridFunction_GetElementDofValues(self, el, dof_vals)
GetElementDofValues = _swig_new_instance_method(_gridfunc.GridFunction_GetElementDofValues)
def ImposeBounds(self, *args):
r"""
ImposeBounds(GridFunction self, int i, Vector weights, Vector lo_, Vector hi_)
ImposeBounds(GridFunction self, int i, Vector weights, double min_=0.0, double max_=mfem::infinity())
"""
return _gridfunc.GridFunction_ImposeBounds(self, *args)
ImposeBounds = _swig_new_instance_method(_gridfunc.GridFunction_ImposeBounds)
def RestrictConforming(self):
r"""RestrictConforming(GridFunction self)"""
return _gridfunc.GridFunction_RestrictConforming(self)
RestrictConforming = _swig_new_instance_method(_gridfunc.GridFunction_RestrictConforming)
def ProjectGridFunction(self, src):
r"""ProjectGridFunction(GridFunction self, GridFunction src)"""
return _gridfunc.GridFunction_ProjectGridFunction(self, src)
ProjectGridFunction = _swig_new_instance_method(_gridfunc.GridFunction_ProjectGridFunction)
def ProjectCoefficient(self, *args):
r"""
ProjectCoefficient(GridFunction self, Coefficient coeff)
ProjectCoefficient(GridFunction self, Coefficient coeff, intArray dofs, int vd=0)
ProjectCoefficient(GridFunction self, VectorCoefficient vcoeff)
ProjectCoefficient(GridFunction self, VectorCoefficient vcoeff, intArray dofs)
ProjectCoefficient(GridFunction self, VectorCoefficient vcoeff, int attribute)
ProjectCoefficient(GridFunction self, mfem::Coefficient *[] coeff)
"""
return _gridfunc.GridFunction_ProjectCoefficient(self, *args)
ProjectCoefficient = _swig_new_instance_method(_gridfunc.GridFunction_ProjectCoefficient)
ARITHMETIC = _gridfunc.GridFunction_ARITHMETIC
HARMONIC = _gridfunc.GridFunction_HARMONIC
def ProjectDiscCoefficient(self, *args):
r"""
ProjectDiscCoefficient(GridFunction self, VectorCoefficient coeff)
ProjectDiscCoefficient(GridFunction self, Coefficient coeff, mfem::GridFunction::AvgType type)
ProjectDiscCoefficient(GridFunction self, VectorCoefficient coeff, mfem::GridFunction::AvgType type)
"""
return _gridfunc.GridFunction_ProjectDiscCoefficient(self, *args)
ProjectDiscCoefficient = _swig_new_instance_method(_gridfunc.GridFunction_ProjectDiscCoefficient)
def ProjectBdrCoefficient(self, *args):
r"""
ProjectBdrCoefficient(GridFunction self, Coefficient coeff, intArray attr)
ProjectBdrCoefficient(GridFunction self, VectorCoefficient vcoeff, intArray attr)
ProjectBdrCoefficient(GridFunction self, mfem::Coefficient *[] coeff, intArray attr)
"""
return _gridfunc.GridFunction_ProjectBdrCoefficient(self, *args)
ProjectBdrCoefficient = _swig_new_instance_method(_gridfunc.GridFunction_ProjectBdrCoefficient)
def ProjectBdrCoefficientNormal(self, vcoeff, bdr_attr):
r"""ProjectBdrCoefficientNormal(GridFunction self, VectorCoefficient vcoeff, intArray bdr_attr)"""
return _gridfunc.GridFunction_ProjectBdrCoefficientNormal(self, vcoeff, bdr_attr)
ProjectBdrCoefficientNormal = _swig_new_instance_method(_gridfunc.GridFunction_ProjectBdrCoefficientNormal)
def ProjectBdrCoefficientTangent(self, vcoeff, bdr_attr):
r"""ProjectBdrCoefficientTangent(GridFunction self, VectorCoefficient vcoeff, intArray bdr_attr)"""
return _gridfunc.GridFunction_ProjectBdrCoefficientTangent(self, vcoeff, bdr_attr)
ProjectBdrCoefficientTangent = _swig_new_instance_method(_gridfunc.GridFunction_ProjectBdrCoefficientTangent)
def ComputeL2Error(self, *args):
r"""
ComputeL2Error(GridFunction self, Coefficient exsol, mfem::IntegrationRule const *[] irs=0) -> double
ComputeL2Error(GridFunction self, mfem::Coefficient *[] exsol, mfem::IntegrationRule const *[] irs=0) -> double
ComputeL2Error(GridFunction self, VectorCoefficient exsol, mfem::IntegrationRule const *[] irs=0, intArray elems=None) -> double
"""
return _gridfunc.GridFunction_ComputeL2Error(self, *args)
ComputeL2Error = _swig_new_instance_method(_gridfunc.GridFunction_ComputeL2Error)
def ComputeGradError(self, exgrad, irs=0):
r"""ComputeGradError(GridFunction self, VectorCoefficient exgrad, mfem::IntegrationRule const *[] irs=0) -> double"""
return _gridfunc.GridFunction_ComputeGradError(self, exgrad, irs)
ComputeGradError = _swig_new_instance_method(_gridfunc.GridFunction_ComputeGradError)
def ComputeCurlError(self, excurl, irs=0):
r"""ComputeCurlError(GridFunction self, VectorCoefficient excurl, mfem::IntegrationRule const *[] irs=0) -> double"""
return _gridfunc.GridFunction_ComputeCurlError(self, excurl, irs)
ComputeCurlError = _swig_new_instance_method(_gridfunc.GridFunction_ComputeCurlError)
def ComputeDivError(self, exdiv, irs=0):
r"""ComputeDivError(GridFunction self, Coefficient exdiv, mfem::IntegrationRule const *[] irs=0) -> double"""
return _gridfunc.GridFunction_ComputeDivError(self, exdiv, irs)
ComputeDivError = _swig_new_instance_method(_gridfunc.GridFunction_ComputeDivError)
def ComputeDGFaceJumpError(self, *args):
r"""
ComputeDGFaceJumpError(GridFunction self, Coefficient exsol, Coefficient ell_coeff, JumpScaling jump_scaling, mfem::IntegrationRule const *[] irs=0) -> double
ComputeDGFaceJumpError(GridFunction self, Coefficient exsol, Coefficient ell_coeff, double Nu, mfem::IntegrationRule const *[] irs=0) -> double
"""
return _gridfunc.GridFunction_ComputeDGFaceJumpError(self, *args)
ComputeDGFaceJumpError = _swig_new_instance_method(_gridfunc.GridFunction_ComputeDGFaceJumpError)
def ComputeH1Error(self, *args):
r"""
ComputeH1Error(GridFunction self, Coefficient exsol, VectorCoefficient exgrad, Coefficient ell_coef, double Nu, int norm_type) -> double
ComputeH1Error(GridFunction self, Coefficient exsol, VectorCoefficient exgrad, mfem::IntegrationRule const *[] irs=0) -> double
"""
return _gridfunc.GridFunction_ComputeH1Error(self, *args)
ComputeH1Error = _swig_new_instance_method(_gridfunc.GridFunction_ComputeH1Error)
def ComputeHDivError(self, exsol, exdiv, irs=0):
r"""ComputeHDivError(GridFunction self, VectorCoefficient exsol, Coefficient exdiv, mfem::IntegrationRule const *[] irs=0) -> double"""
return _gridfunc.GridFunction_ComputeHDivError(self, exsol, exdiv, irs)
ComputeHDivError = _swig_new_instance_method(_gridfunc.GridFunction_ComputeHDivError)
def ComputeHCurlError(self, exsol, excurl, irs=0):
r"""ComputeHCurlError(GridFunction self, VectorCoefficient exsol, VectorCoefficient excurl, mfem::IntegrationRule const *[] irs=0) -> double"""
return _gridfunc.GridFunction_ComputeHCurlError(self, exsol, excurl, irs)
ComputeHCurlError = _swig_new_instance_method(_gridfunc.GridFunction_ComputeHCurlError)
def ComputeMaxError(self, *args):
r"""
ComputeMaxError(GridFunction self, Coefficient exsol, mfem::IntegrationRule const *[] irs=0) -> double
ComputeMaxError(GridFunction self, mfem::Coefficient *[] exsol, mfem::IntegrationRule const *[] irs=0) -> double
ComputeMaxError(GridFunction self, VectorCoefficient exsol, mfem::IntegrationRule const *[] irs=0) -> double
"""
return _gridfunc.GridFunction_ComputeMaxError(self, *args)
ComputeMaxError = _swig_new_instance_method(_gridfunc.GridFunction_ComputeMaxError)
def ComputeW11Error(self, exsol, exgrad, norm_type, elems=None, irs=0):
r"""ComputeW11Error(GridFunction self, Coefficient exsol, VectorCoefficient exgrad, int norm_type, intArray elems=None, mfem::IntegrationRule const *[] irs=0) -> double"""
return _gridfunc.GridFunction_ComputeW11Error(self, exsol, exgrad, norm_type, elems, irs)
ComputeW11Error = _swig_new_instance_method(_gridfunc.GridFunction_ComputeW11Error)
def ComputeL1Error(self, *args):
r"""
ComputeL1Error(GridFunction self, Coefficient exsol, mfem::IntegrationRule const *[] irs=0) -> double
ComputeL1Error(GridFunction self, VectorCoefficient exsol, mfem::IntegrationRule const *[] irs=0) -> double
"""
return _gridfunc.GridFunction_ComputeL1Error(self, *args)
ComputeL1Error = _swig_new_instance_method(_gridfunc.GridFunction_ComputeL1Error)
def ComputeLpError(self, *args):
r"""
ComputeLpError(GridFunction self, double const p, Coefficient exsol, Coefficient weight=None, mfem::IntegrationRule const *[] irs=0) -> double
ComputeLpError(GridFunction self, double const p, VectorCoefficient exsol, Coefficient weight=None, VectorCoefficient v_weight=None, mfem::IntegrationRule const *[] irs=0) -> double
"""
return _gridfunc.GridFunction_ComputeLpError(self, *args)
ComputeLpError = _swig_new_instance_method(_gridfunc.GridFunction_ComputeLpError)
def ComputeElementLpErrors(self, *args):
r"""
ComputeElementLpErrors(GridFunction self, double const p, Coefficient exsol, Vector error, Coefficient weight=None, mfem::IntegrationRule const *[] irs=0)
ComputeElementLpErrors(GridFunction self, double const p, VectorCoefficient exsol, Vector error, Coefficient weight=None, VectorCoefficient v_weight=None, mfem::IntegrationRule const *[] irs=0)
"""
return _gridfunc.GridFunction_ComputeElementLpErrors(self, *args)
ComputeElementLpErrors = _swig_new_instance_method(_gridfunc.GridFunction_ComputeElementLpErrors)
def ComputeElementL1Errors(self, *args):
r"""
ComputeElementL1Errors(GridFunction self, Coefficient exsol, Vector error, mfem::IntegrationRule const *[] irs=0)
ComputeElementL1Errors(GridFunction self, VectorCoefficient exsol, Vector error, mfem::IntegrationRule const *[] irs=0)
"""
return _gridfunc.GridFunction_ComputeElementL1Errors(self, *args)
ComputeElementL1Errors = _swig_new_instance_method(_gridfunc.GridFunction_ComputeElementL1Errors)
def ComputeElementL2Errors(self, *args):
r"""
ComputeElementL2Errors(GridFunction self, Coefficient exsol, Vector error, mfem::IntegrationRule const *[] irs=0)
ComputeElementL2Errors(GridFunction self, VectorCoefficient exsol, Vector error, mfem::IntegrationRule const *[] irs=0)
"""
return _gridfunc.GridFunction_ComputeElementL2Errors(self, *args)
ComputeElementL2Errors = _swig_new_instance_method(_gridfunc.GridFunction_ComputeElementL2Errors)
def ComputeElementMaxErrors(self, *args):
r"""
ComputeElementMaxErrors(GridFunction self, Coefficient exsol, Vector error, mfem::IntegrationRule const *[] irs=0)
ComputeElementMaxErrors(GridFunction self, VectorCoefficient exsol, Vector error, mfem::IntegrationRule const *[] irs=0)
"""
return _gridfunc.GridFunction_ComputeElementMaxErrors(self, *args)
ComputeElementMaxErrors = _swig_new_instance_method(_gridfunc.GridFunction_ComputeElementMaxErrors)
def ComputeFlux(self, blfi, flux, wcoef=True, subdomain=-1):
r"""ComputeFlux(GridFunction self, BilinearFormIntegrator blfi, GridFunction flux, bool wcoef=True, int subdomain=-1)"""
return _gridfunc.GridFunction_ComputeFlux(self, blfi, flux, wcoef, subdomain)
ComputeFlux = _swig_new_instance_method(_gridfunc.GridFunction_ComputeFlux)
def Assign(self, *args):
r"""
Assign(GridFunction self, GridFunction rhs) -> GridFunction
Assign(GridFunction self, double value) -> GridFunction
Assign(GridFunction self, Vector v) -> GridFunction
"""
return _gridfunc.GridFunction_Assign(self, *args)
Assign = _swig_new_instance_method(_gridfunc.GridFunction_Assign)
def Update(self):
r"""Update(GridFunction self)"""
return _gridfunc.GridFunction_Update(self)
Update = _swig_new_instance_method(_gridfunc.GridFunction_Update)
def FESpace(self, *args):
r"""
FESpace(GridFunction self) -> FiniteElementSpace
FESpace(GridFunction self) -> FiniteElementSpace
"""
return _gridfunc.GridFunction_FESpace(self, *args)
FESpace = _swig_new_instance_method(_gridfunc.GridFunction_FESpace)
def SetSpace(self, f):
r"""SetSpace(GridFunction self, FiniteElementSpace f)"""
return _gridfunc.GridFunction_SetSpace(self, f)
SetSpace = _swig_new_instance_method(_gridfunc.GridFunction_SetSpace)
def MakeRef(self, *args):
r"""
MakeRef(GridFunction self, Vector base, int offset, int size)
MakeRef(GridFunction self, Vector base, int offset)
MakeRef(GridFunction self, FiniteElementSpace f, double * v)
MakeRef(GridFunction self, FiniteElementSpace f, Vector v, int v_offset)
"""
return _gridfunc.GridFunction_MakeRef(self, *args)
MakeRef = _swig_new_instance_method(_gridfunc.GridFunction_MakeRef)
def MakeTRef(self, *args):
r"""
MakeTRef(GridFunction self, FiniteElementSpace f, double * tv)
MakeTRef(GridFunction self, FiniteElementSpace f, Vector tv, int tv_offset)
"""
return _gridfunc.GridFunction_MakeTRef(self, *args)
MakeTRef = _swig_new_instance_method(_gridfunc.GridFunction_MakeTRef)
def SaveVTK(self, out, field_name, ref):
r"""SaveVTK(GridFunction self, std::ostream & out, std::string const & field_name, int ref)"""
return _gridfunc.GridFunction_SaveVTK(self, out, field_name, ref)
SaveVTK = _swig_new_instance_method(_gridfunc.GridFunction_SaveVTK)
def SaveSTL(self, out, TimesToRefine=1):
r"""SaveSTL(GridFunction self, std::ostream & out, int TimesToRefine=1)"""
return _gridfunc.GridFunction_SaveSTL(self, out, TimesToRefine)
SaveSTL = _swig_new_instance_method(_gridfunc.GridFunction_SaveSTL)
__swig_destroy__ = _gridfunc.delete_GridFunction
def __init__(self, *args):
r"""
__init__(GridFunction self) -> GridFunction
__init__(GridFunction self, GridFunction orig) -> GridFunction
__init__(GridFunction self, FiniteElementSpace f) -> GridFunction
__init__(GridFunction self, FiniteElementSpace f, double * data) -> GridFunction
__init__(GridFunction self, Mesh m, std::istream & input) -> GridFunction
__init__(GridFunction self, Mesh m, mfem::GridFunction *[] gf_array, int num_pieces) -> GridFunction
__init__(GridFunction self, FiniteElementSpace fes, Vector v, int offset) -> GridFunction
"""
_gridfunc.GridFunction_swiginit(self, _gridfunc.new_GridFunction(*args))
def SaveToFile(self, gf_file, precision):
r"""SaveToFile(GridFunction self, char const * gf_file, int const precision)"""
return _gridfunc.GridFunction_SaveToFile(self, gf_file, precision)
SaveToFile = _swig_new_instance_method(_gridfunc.GridFunction_SaveToFile)
def WriteToStream(self, StringIO):
r"""WriteToStream(GridFunction self, PyObject * StringIO) -> PyObject *"""
return _gridfunc.GridFunction_WriteToStream(self, StringIO)
WriteToStream = _swig_new_instance_method(_gridfunc.GridFunction_WriteToStream)
def iadd(self, c):
r"""iadd(GridFunction self, GridFunction c) -> GridFunction"""
return _gridfunc.GridFunction_iadd(self, c)
iadd = _swig_new_instance_method(_gridfunc.GridFunction_iadd)
def isub(self, *args):
r"""
isub(GridFunction self, GridFunction c) -> GridFunction
isub(GridFunction self, double c) -> GridFunction
"""
return _gridfunc.GridFunction_isub(self, *args)
isub = _swig_new_instance_method(_gridfunc.GridFunction_isub)
def imul(self, c):
r"""imul(GridFunction self, double c) -> GridFunction"""
return _gridfunc.GridFunction_imul(self, c)
imul = _swig_new_instance_method(_gridfunc.GridFunction_imul)
def idiv(self, c):
r"""idiv(GridFunction self, double c) -> GridFunction"""
return _gridfunc.GridFunction_idiv(self, c)
idiv = _swig_new_instance_method(_gridfunc.GridFunction_idiv)
def Save(self, *args):
r"""
Save(GridFunction self, std::ostream & out)
Save(GridFunction self, char const * fname, int precision=16)
Save(GridFunction self, char const * file, int precision=16)
"""
return _gridfunc.GridFunction_Save(self, *args)
Save = _swig_new_instance_method(_gridfunc.GridFunction_Save)
def SaveGZ(self, file, precision=16):
r"""SaveGZ(GridFunction self, char const * file, int precision=16)"""
return _gridfunc.GridFunction_SaveGZ(self, file, precision)
SaveGZ = _swig_new_instance_method(_gridfunc.GridFunction_SaveGZ)
# Register GridFunction in _gridfunc:
_gridfunc.GridFunction_swigregister(GridFunction)
class JumpScaling(object):
r"""Proxy of C++ mfem::JumpScaling class."""
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
CONSTANT = _gridfunc.JumpScaling_CONSTANT
ONE_OVER_H = _gridfunc.JumpScaling_ONE_OVER_H
P_SQUARED_OVER_H = _gridfunc.JumpScaling_P_SQUARED_OVER_H
def __init__(self, *args, **kwargs):
r"""__init__(JumpScaling self, double nu_=1.0, mfem::JumpScaling::JumpScalingType type_=CONSTANT) -> JumpScaling"""
_gridfunc.JumpScaling_swiginit(self, _gridfunc.new_JumpScaling(*args, **kwargs))
def Eval(self, h, p):
r"""Eval(JumpScaling self, double h, int p) -> double"""
return _gridfunc.JumpScaling_Eval(self, h, p)
Eval = _swig_new_instance_method(_gridfunc.JumpScaling_Eval)
__swig_destroy__ = _gridfunc.delete_JumpScaling
# Register JumpScaling in _gridfunc:
_gridfunc.JumpScaling_swigregister(JumpScaling)
class QuadratureFunction(mfem._par.vector.Vector):
r"""Proxy of C++ mfem::QuadratureFunction class."""
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
r"""
__init__(QuadratureFunction self) -> QuadratureFunction
__init__(QuadratureFunction self, QuadratureFunction orig) -> QuadratureFunction
__init__(QuadratureFunction self, QuadratureSpace qspace_, int vdim_=1) -> QuadratureFunction
__init__(QuadratureFunction self, QuadratureSpace qspace_, double * qf_data, int vdim_=1) -> QuadratureFunction
__init__(QuadratureFunction self, Mesh mesh, std::istream & _in) -> QuadratureFunction
"""
_gridfunc.QuadratureFunction_swiginit(self, _gridfunc.new_QuadratureFunction(*args))
__swig_destroy__ = _gridfunc.delete_QuadratureFunction
def GetSpace(self):
r"""GetSpace(QuadratureFunction self) -> QuadratureSpace"""
return _gridfunc.QuadratureFunction_GetSpace(self)
GetSpace = _swig_new_instance_method(_gridfunc.QuadratureFunction_GetSpace)
def SetSpace(self, *args):
r"""
SetSpace(QuadratureFunction self, QuadratureSpace qspace_, int vdim_=-1)
SetSpace(QuadratureFunction self, QuadratureSpace qspace_, double * qf_data, int vdim_=-1)
"""
return _gridfunc.QuadratureFunction_SetSpace(self, *args)
SetSpace = _swig_new_instance_method(_gridfunc.QuadratureFunction_SetSpace)
def GetVDim(self):
r"""GetVDim(QuadratureFunction self) -> int"""
return _gridfunc.QuadratureFunction_GetVDim(self)
GetVDim = _swig_new_instance_method(_gridfunc.QuadratureFunction_GetVDim)
def SetVDim(self, vdim_):
r"""SetVDim(QuadratureFunction self, int vdim_)"""
return _gridfunc.QuadratureFunction_SetVDim(self, vdim_)
SetVDim = _swig_new_instance_method(_gridfunc.QuadratureFunction_SetVDim)
def OwnsSpace(self):
r"""OwnsSpace(QuadratureFunction self) -> bool"""
return _gridfunc.QuadratureFunction_OwnsSpace(self)
OwnsSpace = _swig_new_instance_method(_gridfunc.QuadratureFunction_OwnsSpace)
def SetOwnsSpace(self, own):
r"""SetOwnsSpace(QuadratureFunction self, bool own)"""
return _gridfunc.QuadratureFunction_SetOwnsSpace(self, own)
SetOwnsSpace = _swig_new_instance_method(_gridfunc.QuadratureFunction_SetOwnsSpace)
def GetElementIntRule(self, idx):
r"""GetElementIntRule(QuadratureFunction self, int idx) -> IntegrationRule"""
return _gridfunc.QuadratureFunction_GetElementIntRule(self, idx)
GetElementIntRule = _swig_new_instance_method(_gridfunc.QuadratureFunction_GetElementIntRule)
def GetElementValues(self, *args):
r"""
GetElementValues(QuadratureFunction self, int idx, Vector values)
GetElementValues(QuadratureFunction self, int idx, Vector values)
GetElementValues(QuadratureFunction self, int idx, int const ip_num, Vector values)
GetElementValues(QuadratureFunction self, int idx, int const ip_num, Vector values)
GetElementValues(QuadratureFunction self, int idx, DenseMatrix values)
GetElementValues(QuadratureFunction self, int idx, DenseMatrix values)
"""
return _gridfunc.QuadratureFunction_GetElementValues(self, *args)
GetElementValues = _swig_new_instance_method(_gridfunc.QuadratureFunction_GetElementValues)
def Save(self, *args):
r"""
Save(QuadratureFunction self, std::ostream & out)
Save(QuadratureFunction self, char const * file, int precision=16)
"""
return _gridfunc.QuadratureFunction_Save(self, *args)
Save = _swig_new_instance_method(_gridfunc.QuadratureFunction_Save)
def SaveGZ(self, file, precision=16):
r"""SaveGZ(QuadratureFunction self, char const * file, int precision=16)"""
return _gridfunc.QuadratureFunction_SaveGZ(self, file, precision)
SaveGZ = _swig_new_instance_method(_gridfunc.QuadratureFunction_SaveGZ)
# Register QuadratureFunction in _gridfunc:
_gridfunc.QuadratureFunction_swigregister(QuadratureFunction)
def __lshift__(*args):
r"""
__lshift__(std::ostream & os, SparseMatrix mat) -> std::ostream
__lshift__(std::ostream & out, Mesh mesh) -> std::ostream
__lshift__(std::ostream & out, GridFunction sol) -> std::ostream
__lshift__(std::ostream & out, QuadratureFunction qf) -> std::ostream &
"""
return _gridfunc.__lshift__(*args)
__lshift__ = _gridfunc.__lshift__
def ZZErrorEstimator(blfi, u, flux, error_estimates, aniso_flags=None, with_subdomains=1, with_coeff=False):
r"""ZZErrorEstimator(BilinearFormIntegrator blfi, GridFunction u, GridFunction flux, Vector error_estimates, intArray aniso_flags=None, int with_subdomains=1, bool with_coeff=False) -> double"""
return _gridfunc.ZZErrorEstimator(blfi, u, flux, error_estimates, aniso_flags, with_subdomains, with_coeff)
ZZErrorEstimator = _gridfunc.ZZErrorEstimator
def ComputeElementLpDistance(p, i, gf1, gf2):
r"""ComputeElementLpDistance(double p, int i, GridFunction gf1, GridFunction gf2) -> double"""
return _gridfunc.ComputeElementLpDistance(p, i, gf1, gf2)
ComputeElementLpDistance = _gridfunc.ComputeElementLpDistance
class ExtrudeCoefficient(mfem._par.coefficient.Coefficient):
r"""Proxy of C++ mfem::ExtrudeCoefficient class."""
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, m, s, n_):
r"""__init__(ExtrudeCoefficient self, Mesh m, Coefficient s, int n_) -> ExtrudeCoefficient"""
_gridfunc.ExtrudeCoefficient_swiginit(self, _gridfunc.new_ExtrudeCoefficient(m, s, n_))
def Eval(self, T, ip):
r"""Eval(ExtrudeCoefficient self, ElementTransformation T, IntegrationPoint ip) -> double"""
return _gridfunc.ExtrudeCoefficient_Eval(self, T, ip)
Eval = _swig_new_instance_method(_gridfunc.ExtrudeCoefficient_Eval)
__swig_destroy__ = _gridfunc.delete_ExtrudeCoefficient
# Register ExtrudeCoefficient in _gridfunc:
_gridfunc.ExtrudeCoefficient_swigregister(ExtrudeCoefficient)
def Extrude1DGridFunction(mesh, mesh2d, sol, ny):
r"""Extrude1DGridFunction(Mesh mesh, Mesh mesh2d, GridFunction sol, int const ny) -> GridFunction"""
return _gridfunc.Extrude1DGridFunction(mesh, mesh2d, sol, ny)
Extrude1DGridFunction = _gridfunc.Extrude1DGridFunction
def __iadd__(self, v):
ret = _gridfunc.GridFunction_iadd(self, v)
ret.thisown = 0
return self
def __isub__(self, v):
ret = _gridfunc.GridFunction_isub(self, v)
ret.thisown = 0
return self
def __idiv__(self, v):
ret = _gridfunc.GridFunction_idiv(self, v)
ret.thisown = 0
return self
def __imul__(self, v):
ret = _gridfunc.GridFunction_imul(self, v)
ret.thisown = 0
return self
GridFunction.__iadd__ = __iadd__
GridFunction.__idiv__ = __idiv__
GridFunction.__isub__ = __isub__
GridFunction.__imul__ = __imul__
| [((29887, 29936), '_gridfunc.GridFunction_swigregister', '_gridfunc.GridFunction_swigregister', (['GridFunction'], {}), '(GridFunction)\n', (29922, 29936), False, 'import _gridfunc\n'), ((30872, 30919), '_gridfunc.JumpScaling_swigregister', '_gridfunc.JumpScaling_swigregister', (['JumpScaling'], {}), '(JumpScaling)\n', (30906, 30919), False, 'import _gridfunc\n'), ((35041, 35102), '_gridfunc.QuadratureFunction_swigregister', '_gridfunc.QuadratureFunction_swigregister', (['QuadratureFunction'], {}), '(QuadratureFunction)\n', (35082, 35102), False, 'import _gridfunc\n'), ((37076, 37137), '_gridfunc.ExtrudeCoefficient_swigregister', '_gridfunc.ExtrudeCoefficient_swigregister', (['ExtrudeCoefficient'], {}), '(ExtrudeCoefficient)\n', (37117, 37137), False, 'import _gridfunc\n'), ((35431, 35458), '_gridfunc.__lshift__', '_gridfunc.__lshift__', (['*args'], {}), '(*args)\n', (35451, 35458), False, 'import _gridfunc\n'), ((35813, 35917), '_gridfunc.ZZErrorEstimator', '_gridfunc.ZZErrorEstimator', (['blfi', 'u', 'flux', 'error_estimates', 'aniso_flags', 'with_subdomains', 'with_coeff'], {}), '(blfi, u, flux, error_estimates, aniso_flags,\n with_subdomains, with_coeff)\n', (35839, 35917), False, 'import _gridfunc\n'), ((36117, 36167), '_gridfunc.ComputeElementLpDistance', '_gridfunc.ComputeElementLpDistance', (['p', 'i', 'gf1', 'gf2'], {}), '(p, i, gf1, gf2)\n', (36151, 36167), False, 'import _gridfunc\n'), ((37306, 37360), '_gridfunc.Extrude1DGridFunction', '_gridfunc.Extrude1DGridFunction', (['mesh', 'mesh2d', 'sol', 'ny'], {}), '(mesh, mesh2d, sol, ny)\n', (37337, 37360), False, 'import _gridfunc\n'), ((37451, 37487), '_gridfunc.GridFunction_iadd', '_gridfunc.GridFunction_iadd', (['self', 'v'], {}), '(self, v)\n', (37478, 37487), False, 'import _gridfunc\n'), ((37557, 37593), '_gridfunc.GridFunction_isub', '_gridfunc.GridFunction_isub', (['self', 'v'], {}), '(self, v)\n', (37584, 37593), False, 'import _gridfunc\n'), ((37663, 37699), '_gridfunc.GridFunction_idiv', '_gridfunc.GridFunction_idiv', (['self', 'v'], {}), '(self, v)\n', (37690, 37699), False, 'import _gridfunc\n'), ((37769, 37805), '_gridfunc.GridFunction_imul', '_gridfunc.GridFunction_imul', (['self', 'v'], {}), '(self, v)\n', (37796, 37805), False, 'import _gridfunc\n'), ((3315, 3359), '_gridfunc.GridFunction_MakeOwner', '_gridfunc.GridFunction_MakeOwner', (['self', 'fec_'], {}), '(self, fec_)\n', (3347, 3359), False, 'import _gridfunc\n'), ((3542, 3577), '_gridfunc.GridFunction_OwnFEC', '_gridfunc.GridFunction_OwnFEC', (['self'], {}), '(self)\n', (3571, 3577), False, 'import _gridfunc\n'), ((3740, 3778), '_gridfunc.GridFunction_VectorDim', '_gridfunc.GridFunction_VectorDim', (['self'], {}), '(self)\n', (3772, 3778), False, 'import _gridfunc\n'), ((4034, 4083), '_gridfunc.GridFunction_GetTrueVector', '_gridfunc.GridFunction_GetTrueVector', (['self', '*args'], {}), '(self, *args)\n', (4070, 4083), False, 'import _gridfunc\n'), ((4272, 4316), '_gridfunc.GridFunction_GetTrueDofs', '_gridfunc.GridFunction_GetTrueDofs', (['self', 'tv'], {}), '(self, tv)\n', (4306, 4316), False, 'import _gridfunc\n'), ((4490, 4532), '_gridfunc.GridFunction_SetTrueVector', '_gridfunc.GridFunction_SetTrueVector', (['self'], {}), '(self)\n', (4526, 4532), False, 'import _gridfunc\n'), ((4729, 4777), '_gridfunc.GridFunction_SetFromTrueDofs', '_gridfunc.GridFunction_SetFromTrueDofs', (['self', 'tv'], {}), '(self, tv)\n', (4767, 4777), False, 'import _gridfunc\n'), ((4967, 5013), '_gridfunc.GridFunction_SetFromTrueVector', '_gridfunc.GridFunction_SetFromTrueVector', (['self'], {}), '(self)\n', (5007, 5013), False, 'import _gridfunc\n'), ((5384, 5428), '_gridfunc.GridFunction_GetValue', '_gridfunc.GridFunction_GetValue', (['self', '*args'], {}), '(self, *args)\n', (5415, 5428), False, 'import _gridfunc\n'), ((5779, 5829), '_gridfunc.GridFunction_GetVectorValue', '_gridfunc.GridFunction_GetVectorValue', (['self', '*args'], {}), '(self, *args)\n', (5816, 5829), False, 'import _gridfunc\n'), ((6311, 6356), '_gridfunc.GridFunction_GetValues', '_gridfunc.GridFunction_GetValues', (['self', '*args'], {}), '(self, *args)\n', (6343, 6356), False, 'import _gridfunc\n'), ((6743, 6794), '_gridfunc.GridFunction_GetVectorValues', '_gridfunc.GridFunction_GetVectorValues', (['self', '*args'], {}), '(self, *args)\n', (6781, 6794), False, 'import _gridfunc\n'), ((7092, 7163), '_gridfunc.GridFunction_GetFaceValues', '_gridfunc.GridFunction_GetFaceValues', (['self', 'i', 'side', 'ir', 'vals', 'tr', 'vdim'], {}), '(self, i, side, ir, vals, tr, vdim)\n', (7128, 7163), False, 'import _gridfunc\n'), ((7454, 7525), '_gridfunc.GridFunction_GetFaceVectorValues', '_gridfunc.GridFunction_GetFaceVectorValues', (['self', 'i', 'side', 'ir', 'vals', 'tr'], {}), '(self, i, side, ir, vals, tr)\n', (7496, 7525), False, 'import _gridfunc\n'), ((7901, 7950), '_gridfunc.GridFunction_GetLaplacians', '_gridfunc.GridFunction_GetLaplacians', (['self', '*args'], {}), '(self, *args)\n', (7937, 7950), False, 'import _gridfunc\n'), ((8318, 8365), '_gridfunc.GridFunction_GetHessians', '_gridfunc.GridFunction_GetHessians', (['self', '*args'], {}), '(self, *args)\n', (8352, 8365), False, 'import _gridfunc\n'), ((8574, 8627), '_gridfunc.GridFunction_GetValuesFrom', '_gridfunc.GridFunction_GetValuesFrom', (['self', 'orig_func'], {}), '(self, orig_func)\n', (8610, 8627), False, 'import _gridfunc\n'), ((8846, 8902), '_gridfunc.GridFunction_GetBdrValuesFrom', '_gridfunc.GridFunction_GetBdrValuesFrom', (['self', 'orig_func'], {}), '(self, orig_func)\n', (8885, 8902), False, 'import _gridfunc\n'), ((9198, 9270), '_gridfunc.GridFunction_GetVectorFieldValues', '_gridfunc.GridFunction_GetVectorFieldValues', (['self', 'i', 'ir', 'vals', 'tr', 'comp'], {}), '(self, i, ir, vals, tr, comp)\n', (9241, 9270), False, 'import _gridfunc\n'), ((9464, 9507), '_gridfunc.GridFunction_ReorderByNodes', '_gridfunc.GridFunction_ReorderByNodes', (['self'], {}), '(self)\n', (9501, 9507), False, 'import _gridfunc\n'), ((10226, 10291), '_gridfunc.GridFunction_GetVectorFieldNodalValues', '_gridfunc.GridFunction_GetVectorFieldNodalValues', (['self', 'val', 'comp'], {}), '(self, val, comp)\n', (10274, 10291), False, 'import _gridfunc\n'), ((10562, 10628), '_gridfunc.GridFunction_ProjectVectorFieldOn', '_gridfunc.GridFunction_ProjectVectorFieldOn', (['self', 'vec_field', 'comp'], {}), '(self, vec_field, comp)\n', (10605, 10628), False, 'import _gridfunc\n'), ((10883, 10946), '_gridfunc.GridFunction_GetDerivative', '_gridfunc.GridFunction_GetDerivative', (['self', 'comp', 'der_comp', 'der'], {}), '(self, comp, der_comp, der)\n', (10919, 10946), False, 'import _gridfunc\n'), ((11164, 11210), '_gridfunc.GridFunction_GetDivergence', '_gridfunc.GridFunction_GetDivergence', (['self', 'tr'], {}), '(self, tr)\n', (11200, 11210), False, 'import _gridfunc\n'), ((11425, 11471), '_gridfunc.GridFunction_GetCurl', '_gridfunc.GridFunction_GetCurl', (['self', 'tr', 'curl'], {}), '(self, tr, curl)\n', (11455, 11471), False, 'import _gridfunc\n'), ((11682, 11732), '_gridfunc.GridFunction_GetGradient', '_gridfunc.GridFunction_GetGradient', (['self', 'tr', 'grad'], {}), '(self, tr, grad)\n', (11716, 11732), False, 'import _gridfunc\n'), ((12087, 12135), '_gridfunc.GridFunction_GetGradients', '_gridfunc.GridFunction_GetGradients', (['self', '*args'], {}), '(self, *args)\n', (12122, 12135), False, 'import _gridfunc\n'), ((12373, 12429), '_gridfunc.GridFunction_GetVectorGradient', '_gridfunc.GridFunction_GetVectorGradient', (['self', 'tr', 'grad'], {}), '(self, tr, grad)\n', (12413, 12429), False, 'import _gridfunc\n'), ((12650, 12703), '_gridfunc.GridFunction_GetElementAverages', '_gridfunc.GridFunction_GetElementAverages', (['self', 'avgs'], {}), '(self, avgs)\n', (12691, 12703), False, 'import _gridfunc\n'), ((12942, 13004), '_gridfunc.GridFunction_GetElementDofValues', '_gridfunc.GridFunction_GetElementDofValues', (['self', 'el', 'dof_vals'], {}), '(self, el, dof_vals)\n', (12984, 13004), False, 'import _gridfunc\n'), ((13374, 13422), '_gridfunc.GridFunction_ImposeBounds', '_gridfunc.GridFunction_ImposeBounds', (['self', '*args'], {}), '(self, *args)\n', (13409, 13422), False, 'import _gridfunc\n'), ((13608, 13655), '_gridfunc.GridFunction_RestrictConforming', '_gridfunc.GridFunction_RestrictConforming', (['self'], {}), '(self)\n', (13649, 13655), False, 'import _gridfunc\n'), ((13878, 13931), '_gridfunc.GridFunction_ProjectGridFunction', '_gridfunc.GridFunction_ProjectGridFunction', (['self', 'src'], {}), '(self, src)\n', (13920, 13931), False, 'import _gridfunc\n'), ((14586, 14640), '_gridfunc.GridFunction_ProjectCoefficient', '_gridfunc.GridFunction_ProjectCoefficient', (['self', '*args'], {}), '(self, *args)\n', (14627, 14640), False, 'import _gridfunc\n'), ((15216, 15274), '_gridfunc.GridFunction_ProjectDiscCoefficient', '_gridfunc.GridFunction_ProjectDiscCoefficient', (['self', '*args'], {}), '(self, *args)\n', (15261, 15274), False, 'import _gridfunc\n'), ((15728, 15785), '_gridfunc.GridFunction_ProjectBdrCoefficient', '_gridfunc.GridFunction_ProjectBdrCoefficient', (['self', '*args'], {}), '(self, *args)\n', (15772, 15785), False, 'import _gridfunc\n'), ((16070, 16144), '_gridfunc.GridFunction_ProjectBdrCoefficientNormal', '_gridfunc.GridFunction_ProjectBdrCoefficientNormal', (['self', 'vcoeff', 'bdr_attr'], {}), '(self, vcoeff, bdr_attr)\n', (16120, 16144), False, 'import _gridfunc\n'), ((16443, 16518), '_gridfunc.GridFunction_ProjectBdrCoefficientTangent', '_gridfunc.GridFunction_ProjectBdrCoefficientTangent', (['self', 'vcoeff', 'bdr_attr'], {}), '(self, vcoeff, bdr_attr)\n', (16494, 16518), False, 'import _gridfunc\n'), ((17078, 17128), '_gridfunc.GridFunction_ComputeL2Error', '_gridfunc.GridFunction_ComputeL2Error', (['self', '*args'], {}), '(self, *args)\n', (17115, 17128), False, 'import _gridfunc\n'), ((17404, 17462), '_gridfunc.GridFunction_ComputeGradError', '_gridfunc.GridFunction_ComputeGradError', (['self', 'exgrad', 'irs'], {}), '(self, exgrad, irs)\n', (17443, 17462), False, 'import _gridfunc\n'), ((17742, 17800), '_gridfunc.GridFunction_ComputeCurlError', '_gridfunc.GridFunction_ComputeCurlError', (['self', 'excurl', 'irs'], {}), '(self, excurl, irs)\n', (17781, 17800), False, 'import _gridfunc\n'), ((18070, 18126), '_gridfunc.GridFunction_ComputeDivError', '_gridfunc.GridFunction_ComputeDivError', (['self', 'exdiv', 'irs'], {}), '(self, exdiv, irs)\n', (18108, 18126), False, 'import _gridfunc\n'), ((18620, 18678), '_gridfunc.GridFunction_ComputeDGFaceJumpError', '_gridfunc.GridFunction_ComputeDGFaceJumpError', (['self', '*args'], {}), '(self, *args)\n', (18665, 18678), False, 'import _gridfunc\n'), ((19140, 19190), '_gridfunc.GridFunction_ComputeH1Error', '_gridfunc.GridFunction_ComputeH1Error', (['self', '*args'], {}), '(self, *args)\n', (19177, 19190), False, 'import _gridfunc\n'), ((19490, 19554), '_gridfunc.GridFunction_ComputeHDivError', '_gridfunc.GridFunction_ComputeHDivError', (['self', 'exsol', 'exdiv', 'irs'], {}), '(self, exsol, exdiv, irs)\n', (19529, 19554), False, 'import _gridfunc\n'), ((19868, 19934), '_gridfunc.GridFunction_ComputeHCurlError', '_gridfunc.GridFunction_ComputeHCurlError', (['self', 'exsol', 'excurl', 'irs'], {}), '(self, exsol, excurl, irs)\n', (19908, 19934), False, 'import _gridfunc\n'), ((20455, 20506), '_gridfunc.GridFunction_ComputeMaxError', '_gridfunc.GridFunction_ComputeMaxError', (['self', '*args'], {}), '(self, *args)\n', (20493, 20506), False, 'import _gridfunc\n'), ((20867, 20953), '_gridfunc.GridFunction_ComputeW11Error', '_gridfunc.GridFunction_ComputeW11Error', (['self', 'exsol', 'exgrad', 'norm_type', 'elems', 'irs'], {}), '(self, exsol, exgrad, norm_type,\n elems, irs)\n', (20905, 20953), False, 'import _gridfunc\n'), ((21342, 21392), '_gridfunc.GridFunction_ComputeL1Error', '_gridfunc.GridFunction_ComputeL1Error', (['self', '*args'], {}), '(self, *args)\n', (21379, 21392), False, 'import _gridfunc\n'), ((21898, 21948), '_gridfunc.GridFunction_ComputeLpError', '_gridfunc.GridFunction_ComputeLpError', (['self', '*args'], {}), '(self, *args)\n', (21935, 21948), False, 'import _gridfunc\n'), ((22486, 22544), '_gridfunc.GridFunction_ComputeElementLpErrors', '_gridfunc.GridFunction_ComputeElementLpErrors', (['self', '*args'], {}), '(self, *args)\n', (22531, 22544), False, 'import _gridfunc\n'), ((22983, 23041), '_gridfunc.GridFunction_ComputeElementL1Errors', '_gridfunc.GridFunction_ComputeElementL1Errors', (['self', '*args'], {}), '(self, *args)\n', (23028, 23041), False, 'import _gridfunc\n'), ((23480, 23538), '_gridfunc.GridFunction_ComputeElementL2Errors', '_gridfunc.GridFunction_ComputeElementL2Errors', (['self', '*args'], {}), '(self, *args)\n', (23525, 23538), False, 'import _gridfunc\n'), ((23980, 24039), '_gridfunc.GridFunction_ComputeElementMaxErrors', '_gridfunc.GridFunction_ComputeElementMaxErrors', (['self', '*args'], {}), '(self, *args)\n', (24026, 24039), False, 'import _gridfunc\n'), ((24354, 24424), '_gridfunc.GridFunction_ComputeFlux', '_gridfunc.GridFunction_ComputeFlux', (['self', 'blfi', 'flux', 'wcoef', 'subdomain'], {}), '(self, blfi, flux, wcoef, subdomain)\n', (24388, 24424), False, 'import _gridfunc\n'), ((24767, 24809), '_gridfunc.GridFunction_Assign', '_gridfunc.GridFunction_Assign', (['self', '*args'], {}), '(self, *args)\n', (24796, 24809), False, 'import _gridfunc\n'), ((24959, 24994), '_gridfunc.GridFunction_Update', '_gridfunc.GridFunction_Update', (['self'], {}), '(self)\n', (24988, 24994), False, 'import _gridfunc\n'), ((25250, 25293), '_gridfunc.GridFunction_FESpace', '_gridfunc.GridFunction_FESpace', (['self', '*args'], {}), '(self, *args)\n', (25280, 25293), False, 'import _gridfunc\n'), ((25474, 25514), '_gridfunc.GridFunction_SetSpace', '_gridfunc.GridFunction_SetSpace', (['self', 'f'], {}), '(self, f)\n', (25505, 25514), False, 'import _gridfunc\n'), ((25940, 25983), '_gridfunc.GridFunction_MakeRef', '_gridfunc.GridFunction_MakeRef', (['self', '*args'], {}), '(self, *args)\n', (25970, 25983), False, 'import _gridfunc\n'), ((26283, 26327), '_gridfunc.GridFunction_MakeTRef', '_gridfunc.GridFunction_MakeTRef', (['self', '*args'], {}), '(self, *args)\n', (26314, 26327), False, 'import _gridfunc\n'), ((26566, 26624), '_gridfunc.GridFunction_SaveVTK', '_gridfunc.GridFunction_SaveVTK', (['self', 'out', 'field_name', 'ref'], {}), '(self, out, field_name, ref)\n', (26596, 26624), False, 'import _gridfunc\n'), ((26841, 26897), '_gridfunc.GridFunction_SaveSTL', '_gridfunc.GridFunction_SaveSTL', (['self', 'out', 'TimesToRefine'], {}), '(self, out, TimesToRefine)\n', (26871, 26897), False, 'import _gridfunc\n'), ((27886, 27945), '_gridfunc.GridFunction_SaveToFile', '_gridfunc.GridFunction_SaveToFile', (['self', 'gf_file', 'precision'], {}), '(self, gf_file, precision)\n', (27919, 27945), False, 'import _gridfunc\n'), ((28162, 28214), '_gridfunc.GridFunction_WriteToStream', '_gridfunc.GridFunction_WriteToStream', (['self', 'StringIO'], {}), '(self, StringIO)\n', (28198, 28214), False, 'import _gridfunc\n'), ((28409, 28445), '_gridfunc.GridFunction_iadd', '_gridfunc.GridFunction_iadd', (['self', 'c'], {}), '(self, c)\n', (28436, 28445), False, 'import _gridfunc\n'), ((28702, 28742), '_gridfunc.GridFunction_isub', '_gridfunc.GridFunction_isub', (['self', '*args'], {}), '(self, *args)\n', (28729, 28742), False, 'import _gridfunc\n'), ((28913, 28949), '_gridfunc.GridFunction_imul', '_gridfunc.GridFunction_imul', (['self', 'c'], {}), '(self, c)\n', (28940, 28949), False, 'import _gridfunc\n'), ((29120, 29156), '_gridfunc.GridFunction_idiv', '_gridfunc.GridFunction_idiv', (['self', 'c'], {}), '(self, c)\n', (29147, 29156), False, 'import _gridfunc\n'), ((29482, 29522), '_gridfunc.GridFunction_Save', '_gridfunc.GridFunction_Save', (['self', '*args'], {}), '(self, *args)\n', (29509, 29522), False, 'import _gridfunc\n'), ((29725, 29777), '_gridfunc.GridFunction_SaveGZ', '_gridfunc.GridFunction_SaveGZ', (['self', 'file', 'precision'], {}), '(self, file, precision)\n', (29754, 29777), False, 'import _gridfunc\n'), ((30678, 30716), '_gridfunc.JumpScaling_Eval', '_gridfunc.JumpScaling_Eval', (['self', 'h', 'p'], {}), '(self, h, p)\n', (30704, 30716), False, 'import _gridfunc\n'), ((31944, 31987), '_gridfunc.QuadratureFunction_GetSpace', '_gridfunc.QuadratureFunction_GetSpace', (['self'], {}), '(self)\n', (31981, 31987), False, 'import _gridfunc\n'), ((32320, 32370), '_gridfunc.QuadratureFunction_SetSpace', '_gridfunc.QuadratureFunction_SetSpace', (['self', '*args'], {}), '(self, *args)\n', (32357, 32370), False, 'import _gridfunc\n'), ((32545, 32587), '_gridfunc.QuadratureFunction_GetVDim', '_gridfunc.QuadratureFunction_GetVDim', (['self'], {}), '(self)\n', (32581, 32587), False, 'import _gridfunc\n'), ((32771, 32820), '_gridfunc.QuadratureFunction_SetVDim', '_gridfunc.QuadratureFunction_SetVDim', (['self', 'vdim_'], {}), '(self, vdim_)\n', (32807, 32820), False, 'import _gridfunc\n'), ((32998, 33042), '_gridfunc.QuadratureFunction_OwnsSpace', '_gridfunc.QuadratureFunction_OwnsSpace', (['self'], {}), '(self)\n', (33036, 33042), False, 'import _gridfunc\n'), ((33237, 33289), '_gridfunc.QuadratureFunction_SetOwnsSpace', '_gridfunc.QuadratureFunction_SetOwnsSpace', (['self', 'own'], {}), '(self, own)\n', (33278, 33289), False, 'import _gridfunc\n'), ((33518, 33575), '_gridfunc.QuadratureFunction_GetElementIntRule', '_gridfunc.QuadratureFunction_GetElementIntRule', (['self', 'idx'], {}), '(self, idx)\n', (33564, 33575), False, 'import _gridfunc\n'), ((34244, 34302), '_gridfunc.QuadratureFunction_GetElementValues', '_gridfunc.QuadratureFunction_GetElementValues', (['self', '*args'], {}), '(self, *args)\n', (34289, 34302), False, 'import _gridfunc\n'), ((34600, 34646), '_gridfunc.QuadratureFunction_Save', '_gridfunc.QuadratureFunction_Save', (['self', '*args'], {}), '(self, *args)\n', (34633, 34646), False, 'import _gridfunc\n'), ((34861, 34919), '_gridfunc.QuadratureFunction_SaveGZ', '_gridfunc.QuadratureFunction_SaveGZ', (['self', 'file', 'precision'], {}), '(self, file, precision)\n', (34896, 34919), False, 'import _gridfunc\n'), ((36853, 36899), '_gridfunc.ExtrudeCoefficient_Eval', '_gridfunc.ExtrudeCoefficient_Eval', (['self', 'T', 'ip'], {}), '(self, T, ip)\n', (36886, 36899), False, 'import _gridfunc\n'), ((9866, 9923), '_gridfunc.GridFunction_GetNodalValues', '_gridfunc.GridFunction_GetNodalValues', (['self', 'vec', 'args[0]'], {}), '(self, vec, args[0])\n', (9903, 9923), False, 'import _gridfunc\n'), ((10023, 10073), '_gridfunc.GridFunction_GetNodalValues', '_gridfunc.GridFunction_GetNodalValues', (['self', '*args'], {}), '(self, *args)\n', (10060, 10073), False, 'import _gridfunc\n'), ((27701, 27734), '_gridfunc.new_GridFunction', '_gridfunc.new_GridFunction', (['*args'], {}), '(*args)\n', (27727, 27734), False, 'import _gridfunc\n'), ((30527, 30569), '_gridfunc.new_JumpScaling', '_gridfunc.new_JumpScaling', (['*args'], {}), '(*args, **kwargs)\n', (30552, 30569), False, 'import _gridfunc\n'), ((31736, 31775), '_gridfunc.new_QuadratureFunction', '_gridfunc.new_QuadratureFunction', (['*args'], {}), '(*args)\n', (31768, 31775), False, 'import _gridfunc\n'), ((36665, 36707), '_gridfunc.new_ExtrudeCoefficient', '_gridfunc.new_ExtrudeCoefficient', (['m', 's', 'n_'], {}), '(m, s, n_)\n', (36697, 36707), False, 'import _gridfunc\n')] |
adcarmichael/tracks | src/tracks/settings.py | 04108bbdaf8554e57e278c1556efa9c5b9603973 | import os
import sentry_sdk
from sentry_sdk.integrations.django import DjangoIntegration
# Build paths inside the project like this: os.path.join(BASE_DIR, ...)
BASE_DIR = os.path.dirname(os.path.dirname(os.path.abspath(__file__)))
PWA_SERVICE_WORKER_PATH = os.path.join(
BASE_DIR, 'routes/static/routes/js', 'serviceworker.js')
print(os.path.join(
BASE_DIR, 'routes/static/routes/js', 'serviceworker.js'))
DEBUG = int(os.environ.get("DEBUG", default=0))
SECRET_KEY = os.environ.get("SECRET_KEY", 'asdfkhbsadgui87gjsbdfui')
# 'DJANGO_ALLOWED_HOSTS' should be a single string of hosts with a space between each.
# For example: 'DJANGO_ALLOWED_HOSTS=localhost 127.0.0.1 [::1]'
ALLOWED_HOSTS = os.environ.get("DJANGO_ALLOWED_HOSTS", 'localhost').split(" ")
# Application definition
INSTALLED_APPS = [
'routes',
'accounts',
'dashboard.apps.DashboardConfig',
'api.apps.ApiConfig',
'django.contrib.admin',
'django.contrib.auth',
'django.contrib.contenttypes',
'django.contrib.sessions',
'django.contrib.messages',
'django.contrib.staticfiles',
'widget_tweaks',
'rest_framework',
'pwa',
]
# 'celery',
MIDDLEWARE = [
'django.middleware.security.SecurityMiddleware',
'django.contrib.sessions.middleware.SessionMiddleware',
'django.middleware.common.CommonMiddleware',
'django.middleware.csrf.CsrfViewMiddleware',
'django.contrib.auth.middleware.AuthenticationMiddleware',
'django.contrib.messages.middleware.MessageMiddleware',
'django.middleware.clickjacking.XFrameOptionsMiddleware',
]
ROOT_URLCONF = 'tracks.urls'
TEMPLATES = [
{
'BACKEND': 'django.template.backends.django.DjangoTemplates',
'DIRS': [],
'APP_DIRS': True,
'OPTIONS': {
'context_processors': [
'django.template.context_processors.debug',
'django.template.context_processors.request',
'django.contrib.auth.context_processors.auth',
'django.contrib.messages.context_processors.messages',
],
},
},
]
WSGI_APPLICATION = 'tracks.wsgi.application'
# Database
# https://docs.djangoproject.com/en/2.2/ref/settings/#databases
DATABASES = {
"default": {
"ENGINE": os.environ.get("SQL_ENGINE", "django.db.backends.sqlite3"),
"NAME": os.environ.get("SQL_DATABASE", os.path.join(BASE_DIR, "db.sqlite3")),
"USER": os.environ.get("SQL_USER", "user"),
"PASSWORD": os.environ.get("SQL_PASSWORD", "password"),
"HOST": os.environ.get("SQL_HOST", "localhost"),
"PORT": os.environ.get("SQL_PORT", "5432"),
}
}
# Password validation
# https://docs.djangoproject.com/en/2.2/ref/settings/#auth-password-validators
AUTH_PASSWORD_VALIDATORS = [
{
'NAME': 'django.contrib.auth.password_validation.UserAttributeSimilarityValidator',
},
{
'NAME': 'django.contrib.auth.password_validation.MinimumLengthValidator',
},
{
'NAME': 'django.contrib.auth.password_validation.CommonPasswordValidator',
},
{
'NAME': 'django.contrib.auth.password_validation.NumericPasswordValidator',
},
]
# Internationalization
# https://docs.djangoproject.com/en/2.2/topics/i18n/
LANGUAGE_CODE = 'en-us'
TIME_ZONE = 'UTC'
USE_I18N = True
USE_L10N = True
USE_TZ = True
# Static files (CSS, JavaScript, Images)
# https://docs.djangoproject.com/en/2.2/howto/static-files/
STATIC_URL = '/static/'
MEDIA_URL = '/media/'
STATIC_ROOT = './static/'
MEDIA_ROOT = './media/'
LOGIN_REDIRECT_URL = 'home'
LOGOUT_REDIRECT_URL = 'home'
# no email for localhost or staging
EMAIL_USE_TLS = os.environ.get("EMAIL_USE_TLS")
EMAIL_HOST = os.environ.get("EMAIL_HOST")
EMAIL_HOST_USER = os.environ.get("EMAIL_HOST_USER")
EMAIL_HOST_PASSWORD = os.environ.get("EMAIL_HOST_PASSWORD")
EMAIL_PORT = os.environ.get("EMAIL_PORT")
EMAIL_BACKEND = os.environ.get("EMAIL_BACKEND")
DEFAULT_FROM_EMAIL = '[email protected]'
# CELERY
# CELERY_BROKER_URL = 'redis://redis:6379/0'
# CELERY_RESULT_BACKEND = 'redis://redis:6379/0'
# BROKER_URL = 'redis://localhost:6379/0'
# CELERY_RESULT_BACKEND = 'redis://localhost:6379/'
# CELERY_ACCEPT_CONTENT = ['application/json']
# CELERY_TASK_SERIALIZER = 'json'
# CELERY_RESULT_SERIALIZER = 'json'
REST_FRAMEWORK = {
# Use Django's standard `django.contrib.auth` permissions,
# or allow read-only access for unauthenticated users.
'DEFAULT_PERMISSION_CLASSES': [
'rest_framework.permissions.DjangoModelPermissionsOrAnonReadOnly'
],
'DEFAULT_AUTHENTICATION_CLASSES': (
'rest_framework.authentication.TokenAuthentication',
'rest_framework.authentication.SessionAuthentication',
),
'DEFAULT_PAGINATION_CLASS': 'rest_framework.pagination.LimitOffsetPagination',
'PAGE_SIZE': 10
}
LOGGING = {
'version': 1,
'disable_existing_loggers': False,
'formatters': {
'console': {
'format': '%(levelname)s %(asctime)s %(module)s: %(message)s'
},
},
'handlers': {
'console': {
'class': 'logging.StreamHandler',
'formatter': 'console'
},
},
'loggers': {
'': {
'handlers': ['console'],
'level': os.getenv('DJANGO_LOG_LEVEL', 'INFO'),
},
'django': {
'handlers': ['console'],
'level': os.getenv('DJANGO_LOG_LEVEL', 'INFO'),
},
'django.request': {
'level': 'INFO',
'handlers': ['console']
}
# 'celery': {
# 'handlers': ['console'],
# 'level': os.getenv('DJANGO_LOG_LEVEL', 'INFO'),
# },
},
}
# STATICFILES_DIRS = [
# os.path.join(BASE_DIR, 'static'),
# ]
PWA_APP_NAME = 'ChalkTracks'
PWA_APP_DESCRIPTION = "Indoor Climbing Tracker"
PWA_APP_THEME_COLOR = '#000000'
PWA_APP_BACKGROUND_COLOR = '#000000'
PWA_APP_DISPLAY = 'standalone'
PWA_APP_SCOPE = '/'
PWA_APP_ORIENTATION = 'portrait'
PWA_APP_START_URL = '/'
PWA_APP_ICONS = [
{
'src': '/static/routes/favicon_io/favicon-32x32.png',
'sizes': '32x32',
"type": "image/png",
"purpose": "any maskable"
}, {
"src": "/static/routes/favicon_io/android-chrome-192x192.png",
"sizes": "192x192",
"type": "image/png",
"purpose": "any maskable"
}, {
"src": "/static/routes/favicon_io/android-chrome-512x512.png",
"sizes": "512x512",
"type": "image/png",
"purpose": "any maskable"
}
]
PWA_APP_DIR = 'ltr'
PWA_APP_LANG = 'en-US'
sentry_sdk.init(
dsn="https://[email protected]/1878812",
integrations=[DjangoIntegration()],
# If you wish to associate users to errors (assuming you are using
# django.contrib.auth) you may enable sending PII data.
send_default_pii=True
)
| [((260, 329), 'os.path.join', 'os.path.join', (['BASE_DIR', '"""routes/static/routes/js"""', '"""serviceworker.js"""'], {}), "(BASE_DIR, 'routes/static/routes/js', 'serviceworker.js')\n", (272, 329), False, 'import os\n'), ((480, 535), 'os.environ.get', 'os.environ.get', (['"""SECRET_KEY"""', '"""asdfkhbsadgui87gjsbdfui"""'], {}), "('SECRET_KEY', 'asdfkhbsadgui87gjsbdfui')\n", (494, 535), False, 'import os\n'), ((3653, 3684), 'os.environ.get', 'os.environ.get', (['"""EMAIL_USE_TLS"""'], {}), "('EMAIL_USE_TLS')\n", (3667, 3684), False, 'import os\n'), ((3698, 3726), 'os.environ.get', 'os.environ.get', (['"""EMAIL_HOST"""'], {}), "('EMAIL_HOST')\n", (3712, 3726), False, 'import os\n'), ((3745, 3778), 'os.environ.get', 'os.environ.get', (['"""EMAIL_HOST_USER"""'], {}), "('EMAIL_HOST_USER')\n", (3759, 3778), False, 'import os\n'), ((3801, 3838), 'os.environ.get', 'os.environ.get', (['"""EMAIL_HOST_PASSWORD"""'], {}), "('EMAIL_HOST_PASSWORD')\n", (3815, 3838), False, 'import os\n'), ((3852, 3880), 'os.environ.get', 'os.environ.get', (['"""EMAIL_PORT"""'], {}), "('EMAIL_PORT')\n", (3866, 3880), False, 'import os\n'), ((3897, 3928), 'os.environ.get', 'os.environ.get', (['"""EMAIL_BACKEND"""'], {}), "('EMAIL_BACKEND')\n", (3911, 3928), False, 'import os\n'), ((341, 410), 'os.path.join', 'os.path.join', (['BASE_DIR', '"""routes/static/routes/js"""', '"""serviceworker.js"""'], {}), "(BASE_DIR, 'routes/static/routes/js', 'serviceworker.js')\n", (353, 410), False, 'import os\n'), ((430, 464), 'os.environ.get', 'os.environ.get', (['"""DEBUG"""'], {'default': '(0)'}), "('DEBUG', default=0)\n", (444, 464), False, 'import os\n'), ((205, 230), 'os.path.abspath', 'os.path.abspath', (['__file__'], {}), '(__file__)\n', (220, 230), False, 'import os\n'), ((704, 755), 'os.environ.get', 'os.environ.get', (['"""DJANGO_ALLOWED_HOSTS"""', '"""localhost"""'], {}), "('DJANGO_ALLOWED_HOSTS', 'localhost')\n", (718, 755), False, 'import os\n'), ((2264, 2322), 'os.environ.get', 'os.environ.get', (['"""SQL_ENGINE"""', '"""django.db.backends.sqlite3"""'], {}), "('SQL_ENGINE', 'django.db.backends.sqlite3')\n", (2278, 2322), False, 'import os\n'), ((2426, 2460), 'os.environ.get', 'os.environ.get', (['"""SQL_USER"""', '"""user"""'], {}), "('SQL_USER', 'user')\n", (2440, 2460), False, 'import os\n'), ((2482, 2524), 'os.environ.get', 'os.environ.get', (['"""SQL_PASSWORD"""', '"""password"""'], {}), "('SQL_PASSWORD', 'password')\n", (2496, 2524), False, 'import os\n'), ((2542, 2581), 'os.environ.get', 'os.environ.get', (['"""SQL_HOST"""', '"""localhost"""'], {}), "('SQL_HOST', 'localhost')\n", (2556, 2581), False, 'import os\n'), ((2599, 2633), 'os.environ.get', 'os.environ.get', (['"""SQL_PORT"""', '"""5432"""'], {}), "('SQL_PORT', '5432')\n", (2613, 2633), False, 'import os\n'), ((2371, 2407), 'os.path.join', 'os.path.join', (['BASE_DIR', '"""db.sqlite3"""'], {}), "(BASE_DIR, 'db.sqlite3')\n", (2383, 2407), False, 'import os\n'), ((5254, 5291), 'os.getenv', 'os.getenv', (['"""DJANGO_LOG_LEVEL"""', '"""INFO"""'], {}), "('DJANGO_LOG_LEVEL', 'INFO')\n", (5263, 5291), False, 'import os\n'), ((5382, 5419), 'os.getenv', 'os.getenv', (['"""DJANGO_LOG_LEVEL"""', '"""INFO"""'], {}), "('DJANGO_LOG_LEVEL', 'INFO')\n", (5391, 5419), False, 'import os\n'), ((6679, 6698), 'sentry_sdk.integrations.django.DjangoIntegration', 'DjangoIntegration', ([], {}), '()\n', (6696, 6698), False, 'from sentry_sdk.integrations.django import DjangoIntegration\n')] |
akeshavan/pyvista | examples/04-lights/plotter_builtins.py | 45fe8b1c38712776f9b628a60a8662d0716dd52b | """
Plotter Lighting Systems
~~~~~~~~~~~~~~~~~~~~~~~~
The :class:`pyvista.Plotter` class comes with three options for the default
lighting system:
* a light kit consisting of a headlight and four camera lights,
* an illumination system containing three lights arranged around the camera,
* no lighting.
With meshes that don't have depth information encoded in their color the
importance of an appropriate lighting setup becomes paramount for accurate
visualization.
Light kit
=========
The default ``lighting='light kit'`` option recreates a lighting setup that
corresponds to a ``vtk.vtkLightKit``. We can check what type of lights this
lighting comprises:
"""
# sphinx_gallery_thumbnail_number = 3
import pyvista as pv
from pyvista import examples
# default: light kit
plotter = pv.Plotter()
light_types = [light.light_type for light in plotter.renderer.lights]
# Remove from plotters so output is not produced in docs
pv.plotting._ALL_PLOTTERS.clear()
light_types
###############################################################################
# Add a white terrain to the scene:
mesh = examples.download_st_helens().warp_by_scalar()
plotter = pv.Plotter()
plotter.add_mesh(mesh, color='white')
plotter.show()
###############################################################################
# Three-lights illumination
# =========================
#
# Switching to three-lights illumination gives a different character to the
# figure, in this case showing less contrast when viewing the mountain from
# the top, but having more contrast with views closer to the side. This becomes
# especially clear when exploring the figures interactively.
plotter = pv.Plotter(lighting='three lights')
plotter.add_mesh(mesh, color='white')
plotter.show()
###############################################################################
# Again we can check what kind of lights this setting uses:
plotter = pv.Plotter(lighting='three lights')
light_types = [light.light_type for light in plotter.renderer.lights]
# Remove from plotters so output is not produced in docs
pv.plotting._ALL_PLOTTERS.clear()
light_types
###############################################################################
# Custom lighting
# ===============
#
# We can introduce our own lighting from scratch by disabling any lighting
# on plotter initialization. Adding a single scene light to a scene will
# often result in ominous visuals due to objects having larger regions in
# shadow:
plotter = pv.Plotter(lighting='none')
plotter.add_mesh(mesh, color='white')
light = pv.Light()
light.set_direction_angle(30, 0)
plotter.add_light(light)
plotter.show()
| [((793, 805), 'pyvista.Plotter', 'pv.Plotter', ([], {}), '()\n', (803, 805), True, 'import pyvista as pv\n'), ((934, 967), 'pyvista.plotting._ALL_PLOTTERS.clear', 'pv.plotting._ALL_PLOTTERS.clear', ([], {}), '()\n', (965, 967), True, 'import pyvista as pv\n'), ((1164, 1176), 'pyvista.Plotter', 'pv.Plotter', ([], {}), '()\n', (1174, 1176), True, 'import pyvista as pv\n'), ((1674, 1709), 'pyvista.Plotter', 'pv.Plotter', ([], {'lighting': '"""three lights"""'}), "(lighting='three lights')\n", (1684, 1709), True, 'import pyvista as pv\n'), ((1915, 1950), 'pyvista.Plotter', 'pv.Plotter', ([], {'lighting': '"""three lights"""'}), "(lighting='three lights')\n", (1925, 1950), True, 'import pyvista as pv\n'), ((2079, 2112), 'pyvista.plotting._ALL_PLOTTERS.clear', 'pv.plotting._ALL_PLOTTERS.clear', ([], {}), '()\n', (2110, 2112), True, 'import pyvista as pv\n'), ((2489, 2516), 'pyvista.Plotter', 'pv.Plotter', ([], {'lighting': '"""none"""'}), "(lighting='none')\n", (2499, 2516), True, 'import pyvista as pv\n'), ((2563, 2573), 'pyvista.Light', 'pv.Light', ([], {}), '()\n', (2571, 2573), True, 'import pyvista as pv\n'), ((1107, 1136), 'pyvista.examples.download_st_helens', 'examples.download_st_helens', ([], {}), '()\n', (1134, 1136), False, 'from pyvista import examples\n')] |
talos-gis/swimport | src/swimport/tests/15_char_arrays/main.py | e8f0fcf02b0c9751b199f750f1f8bc57c8ff54b3 | from swimport.all import *
src = FileSource('src.h')
swim = Swim('example')
swim(pools.c_string)
swim(pools.numpy_arrays(r"../resources", allow_char_arrays=True))
swim(pools.include(src))
assert swim(Function.Behaviour()(src)) > 0
swim.write('example.i')
print('ok!') | [] |
larsoner/ipyvolume | ipyvolume/astro.py | 8603a47aff4531df69ace44efdcf6b85d6e51e51 | import numpy as np
import PIL.Image
import pythreejs
import ipyvolume as ipv
from .datasets import UrlCached
def _randomSO3():
"""return random rotatation matrix, algo by James Arvo"""
u1 = np.random.random()
u2 = np.random.random()
u3 = np.random.random()
R = np.array([[np.cos(2*np.pi*u1), np.sin(2*np.pi*u1), 0], [-np.sin(2*np.pi*u1), np.cos(2*np.pi*u1), 0], [0, 0, 1]])
v = np.array([np.cos(2*np.pi*u2)*np.sqrt(u3), np.sin(2*np.pi*u2)*np.sqrt(u3), np.sqrt(1-u3)])
H = np.identity(3)-2*v*np.transpose([v])
return - np.dot(H, R)
def spherical_galaxy_orbit(orbit_x, orbit_y, orbit_z, N_stars=100, sigma_r=1, orbit_visible=False, orbit_line_interpolate=5, N_star_orbits=10, color=[255, 220, 200], size_star=1, scatter_kwargs={}):
"""Create a fake galaxy around the points orbit_x/y/z with N_stars around it"""
if orbit_line_interpolate > 1:
import scipy.interpolate
x = np.linspace(0, 1, len(orbit_x))
x_smooth = np.linspace(0, 1, len(orbit_x)*orbit_line_interpolate)
kind = 'quadratic'
orbit_x_line = scipy.interpolate.interp1d(x, orbit_x, kind)(x_smooth)
orbit_y_line = scipy.interpolate.interp1d(x, orbit_y, kind)(x_smooth)
orbit_z_line = scipy.interpolate.interp1d(x, orbit_z, kind)(x_smooth)
else:
orbit_x_line = orbit_x
orbit_y_line = orbit_y
orbit_z_line = orbit_z
line = ipv.plot(orbit_x_line, orbit_y_line, orbit_z_line, visible=orbit_visible)
x = np.repeat(orbit_x, N_stars).reshape((-1, N_stars))
y = np.repeat(orbit_y, N_stars).reshape((-1, N_stars))
z = np.repeat(orbit_z, N_stars).reshape((-1, N_stars))
xr, yr, zr = np.random.normal(0, scale=sigma_r, size=(3, N_stars))# +
r = np.sqrt(xr**2 + yr**2 + zr**2)
for i in range(N_stars):
a = np.linspace(0, 1, x.shape[0]) * 2 * np.pi * N_star_orbits
xo = r[i] * np.sin(a)
yo = r[i] * np.cos(a)
zo = a * 0
xo, yo, zo = np.dot(_randomSO3(), [xo, yo, zo])
#print(x.shape, xo.shape)
x[:, i] += xo
y[:, i] += yo
z[:, i] += zo
sprite = ipv.scatter(x, y, z, texture=radial_sprite((64, 64), color), marker='square_2d', size=size_star, **scatter_kwargs)
with sprite.material.hold_sync():
sprite.material.blending = pythreejs.BlendingMode.CustomBlending
sprite.material.blendSrc = pythreejs.BlendFactors.SrcColorFactor
sprite.material.blendDst = pythreejs.BlendFactors.OneFactor
sprite.material.blendEquation = 'AddEquation'
sprite.material.transparent = True
sprite.material.depthWrite = False
sprite.material.alphaTest = 0.1
return sprite, line
def radial_sprite(shape, color):
color = np.array(color)
ara = np.zeros(shape[:2] + (4,), dtype=np.uint8)
x = np.linspace(-1, 1, shape[0])
y = np.linspace(-1, 1, shape[1])
x, y = np.meshgrid(x, y)
s = 0.5
radius = np.sqrt(x**2+y**2)
amplitude = np.maximum(0, np.exp(-radius**2/s**2)).T
ara[...,3] = (amplitude * 255)
ara[...,:3] = color * amplitude.reshape(shape + (1,))
im = PIL.Image.fromarray(ara, 'RGBA')
return im
def stars(N=1000, radius=100000, thickness=3, seed=42, color=[255, 240, 240]):
import ipyvolume as ipv
rng = np.random.RandomState(seed)
x, y, z = rng.normal(size=(3, N))
r = np.sqrt(x**2 + y**2 + z**2)/(radius + thickness * radius * np.random.random(N))
x /= r
y /= r
z /= r
return ipv.scatter(x, y, z, texture=radial_sprite((64, 64), color), marker='square_2d', grow_limits=False, size=radius*0.7/100)
milkyway_url = 'https://www.nasa.gov/sites/default/files/images/620057main_milkyway_full.jpg'
milkyway_image = UrlCached(milkyway_url)
def plot_milkyway(R_sun=8, size=100):
mw_image = PIL.Image.open(milkyway_image.fetch())
rescale = 40
t = np.linspace(0, 1, 100)
xmw = np.linspace(0, 1, 10)
ymw = np.linspace(0, 1, 10)
xmw, ymw = np.meshgrid(xmw, ymw)
zmw = xmw * 0 + 0.01
mw = mesh = ipv.plot_mesh((xmw-0.5)*rescale, (ymw-0.5)*rescale+R_sun, zmw, u=xmw, v=ymw, texture=mw_image, wireframe=False)
mw.material.blending = pythreejs.BlendingMode.CustomBlending
mw.material.blendSrc = pythreejs.BlendFactors.SrcColorFactor
mw.material.blendDst = pythreejs.BlendFactors.OneFactor
mw.material.blendEquation = 'AddEquation'
mw.material.transparent = True
mw.material.depthWrite = False
mw.material.alphaTest = 0.1
ipv.xyzlim(size)
return mesh | [((201, 219), 'numpy.random.random', 'np.random.random', ([], {}), '()\n', (217, 219), True, 'import numpy as np\n'), ((229, 247), 'numpy.random.random', 'np.random.random', ([], {}), '()\n', (245, 247), True, 'import numpy as np\n'), ((257, 275), 'numpy.random.random', 'np.random.random', ([], {}), '()\n', (273, 275), True, 'import numpy as np\n'), ((1412, 1485), 'ipyvolume.plot', 'ipv.plot', (['orbit_x_line', 'orbit_y_line', 'orbit_z_line'], {'visible': 'orbit_visible'}), '(orbit_x_line, orbit_y_line, orbit_z_line, visible=orbit_visible)\n', (1420, 1485), True, 'import ipyvolume as ipv\n'), ((1680, 1733), 'numpy.random.normal', 'np.random.normal', (['(0)'], {'scale': 'sigma_r', 'size': '(3, N_stars)'}), '(0, scale=sigma_r, size=(3, N_stars))\n', (1696, 1733), True, 'import numpy as np\n'), ((1746, 1782), 'numpy.sqrt', 'np.sqrt', (['(xr ** 2 + yr ** 2 + zr ** 2)'], {}), '(xr ** 2 + yr ** 2 + zr ** 2)\n', (1753, 1782), True, 'import numpy as np\n'), ((2756, 2771), 'numpy.array', 'np.array', (['color'], {}), '(color)\n', (2764, 2771), True, 'import numpy as np\n'), ((2782, 2824), 'numpy.zeros', 'np.zeros', (['(shape[:2] + (4,))'], {'dtype': 'np.uint8'}), '(shape[:2] + (4,), dtype=np.uint8)\n', (2790, 2824), True, 'import numpy as np\n'), ((2833, 2861), 'numpy.linspace', 'np.linspace', (['(-1)', '(1)', 'shape[0]'], {}), '(-1, 1, shape[0])\n', (2844, 2861), True, 'import numpy as np\n'), ((2870, 2898), 'numpy.linspace', 'np.linspace', (['(-1)', '(1)', 'shape[1]'], {}), '(-1, 1, shape[1])\n', (2881, 2898), True, 'import numpy as np\n'), ((2910, 2927), 'numpy.meshgrid', 'np.meshgrid', (['x', 'y'], {}), '(x, y)\n', (2921, 2927), True, 'import numpy as np\n'), ((2953, 2977), 'numpy.sqrt', 'np.sqrt', (['(x ** 2 + y ** 2)'], {}), '(x ** 2 + y ** 2)\n', (2960, 2977), True, 'import numpy as np\n'), ((3296, 3323), 'numpy.random.RandomState', 'np.random.RandomState', (['seed'], {}), '(seed)\n', (3317, 3323), True, 'import numpy as np\n'), ((3872, 3894), 'numpy.linspace', 'np.linspace', (['(0)', '(1)', '(100)'], {}), '(0, 1, 100)\n', (3883, 3894), True, 'import numpy as np\n'), ((3905, 3926), 'numpy.linspace', 'np.linspace', (['(0)', '(1)', '(10)'], {}), '(0, 1, 10)\n', (3916, 3926), True, 'import numpy as np\n'), ((3937, 3958), 'numpy.linspace', 'np.linspace', (['(0)', '(1)', '(10)'], {}), '(0, 1, 10)\n', (3948, 3958), True, 'import numpy as np\n'), ((3974, 3995), 'numpy.meshgrid', 'np.meshgrid', (['xmw', 'ymw'], {}), '(xmw, ymw)\n', (3985, 3995), True, 'import numpy as np\n'), ((4037, 4163), 'ipyvolume.plot_mesh', 'ipv.plot_mesh', (['((xmw - 0.5) * rescale)', '((ymw - 0.5) * rescale + R_sun)', 'zmw'], {'u': 'xmw', 'v': 'ymw', 'texture': 'mw_image', 'wireframe': '(False)'}), '((xmw - 0.5) * rescale, (ymw - 0.5) * rescale + R_sun, zmw, u=\n xmw, v=ymw, texture=mw_image, wireframe=False)\n', (4050, 4163), True, 'import ipyvolume as ipv\n'), ((4491, 4507), 'ipyvolume.xyzlim', 'ipv.xyzlim', (['size'], {}), '(size)\n', (4501, 4507), True, 'import ipyvolume as ipv\n'), ((503, 517), 'numpy.identity', 'np.identity', (['(3)'], {}), '(3)\n', (514, 517), True, 'import numpy as np\n'), ((553, 565), 'numpy.dot', 'np.dot', (['H', 'R'], {}), '(H, R)\n', (559, 565), True, 'import numpy as np\n'), ((3370, 3403), 'numpy.sqrt', 'np.sqrt', (['(x ** 2 + y ** 2 + z ** 2)'], {}), '(x ** 2 + y ** 2 + z ** 2)\n', (3377, 3403), True, 'import numpy as np\n'), ((479, 494), 'numpy.sqrt', 'np.sqrt', (['(1 - u3)'], {}), '(1 - u3)\n', (486, 494), True, 'import numpy as np\n'), ((522, 539), 'numpy.transpose', 'np.transpose', (['[v]'], {}), '([v])\n', (534, 539), True, 'import numpy as np\n'), ((1494, 1521), 'numpy.repeat', 'np.repeat', (['orbit_x', 'N_stars'], {}), '(orbit_x, N_stars)\n', (1503, 1521), True, 'import numpy as np\n'), ((1553, 1580), 'numpy.repeat', 'np.repeat', (['orbit_y', 'N_stars'], {}), '(orbit_y, N_stars)\n', (1562, 1580), True, 'import numpy as np\n'), ((1612, 1639), 'numpy.repeat', 'np.repeat', (['orbit_z', 'N_stars'], {}), '(orbit_z, N_stars)\n', (1621, 1639), True, 'import numpy as np\n'), ((1901, 1910), 'numpy.sin', 'np.sin', (['a'], {}), '(a)\n', (1907, 1910), True, 'import numpy as np\n'), ((1931, 1940), 'numpy.cos', 'np.cos', (['a'], {}), '(a)\n', (1937, 1940), True, 'import numpy as np\n'), ((3002, 3031), 'numpy.exp', 'np.exp', (['(-radius ** 2 / s ** 2)'], {}), '(-radius ** 2 / s ** 2)\n', (3008, 3031), True, 'import numpy as np\n'), ((295, 317), 'numpy.cos', 'np.cos', (['(2 * np.pi * u1)'], {}), '(2 * np.pi * u1)\n', (301, 317), True, 'import numpy as np\n'), ((315, 337), 'numpy.sin', 'np.sin', (['(2 * np.pi * u1)'], {}), '(2 * np.pi * u1)\n', (321, 337), True, 'import numpy as np\n'), ((361, 383), 'numpy.cos', 'np.cos', (['(2 * np.pi * u1)'], {}), '(2 * np.pi * u1)\n', (367, 383), True, 'import numpy as np\n'), ((415, 437), 'numpy.cos', 'np.cos', (['(2 * np.pi * u2)'], {}), '(2 * np.pi * u2)\n', (421, 437), True, 'import numpy as np\n'), ((434, 445), 'numpy.sqrt', 'np.sqrt', (['u3'], {}), '(u3)\n', (441, 445), True, 'import numpy as np\n'), ((447, 469), 'numpy.sin', 'np.sin', (['(2 * np.pi * u2)'], {}), '(2 * np.pi * u2)\n', (453, 469), True, 'import numpy as np\n'), ((466, 477), 'numpy.sqrt', 'np.sqrt', (['u3'], {}), '(u3)\n', (473, 477), True, 'import numpy as np\n'), ((3429, 3448), 'numpy.random.random', 'np.random.random', (['N'], {}), '(N)\n', (3445, 3448), True, 'import numpy as np\n'), ((341, 363), 'numpy.sin', 'np.sin', (['(2 * np.pi * u1)'], {}), '(2 * np.pi * u1)\n', (347, 363), True, 'import numpy as np\n'), ((1823, 1852), 'numpy.linspace', 'np.linspace', (['(0)', '(1)', 'x.shape[0]'], {}), '(0, 1, x.shape[0])\n', (1834, 1852), True, 'import numpy as np\n')] |
Zrealshadow/DeepFunning | deepfunning/function.py | 5c44210a6b30ea57a0be5f930da4ada540e7e3d0 | '''
* @author Waldinsamkeit
* @email [email protected]
* @create date 2020-09-25 14:33:38
* @desc
'''
import torch
'''--------------------- Weighted Binary cross Entropy ----------------------'''
'''
In Torch BCELoss, weight is set to every element of input instead of to every class
'''
def weighted_binary_cross_entropy(output, target, weights=None):
if weights is not None:
assert len(weights) == 2
loss = weights[1] * (target * torch.log(output)) + \
weights[0] * ((1 - target) * torch.log(1 - output))
else:
loss = target * torch.log(output) + (1 - target) * torch.log(1 - output)
return torch.neg(torch.mean(loss))
''' ---------------------- Binary focal loss function -------------------------- '''
'''
In some degree, it can reduce the influence of imbalanced dataset
'''
def focal_loss(y_true,y_pred,device):
alpha,gamma = torch.tensor(0.25).to(device) , torch.tensor(2.0).to(device)
y_pred=torch.clamp(y_pred,1e-7,1-1e-7)
return - alpha * y_true * torch.log(y_pred) * (1 - y_pred) ** gamma\
- (1 - alpha) * (1 - y_true) * torch.log(1 - y_pred) * y_pred
| [((980, 1017), 'torch.clamp', 'torch.clamp', (['y_pred', '(1e-07)', '(1 - 1e-07)'], {}), '(y_pred, 1e-07, 1 - 1e-07)\n', (991, 1017), False, 'import torch\n'), ((671, 687), 'torch.mean', 'torch.mean', (['loss'], {}), '(loss)\n', (681, 687), False, 'import torch\n'), ((592, 609), 'torch.log', 'torch.log', (['output'], {}), '(output)\n', (601, 609), False, 'import torch\n'), ((627, 648), 'torch.log', 'torch.log', (['(1 - output)'], {}), '(1 - output)\n', (636, 648), False, 'import torch\n'), ((908, 926), 'torch.tensor', 'torch.tensor', (['(0.25)'], {}), '(0.25)\n', (920, 926), False, 'import torch\n'), ((940, 957), 'torch.tensor', 'torch.tensor', (['(2.0)'], {}), '(2.0)\n', (952, 957), False, 'import torch\n'), ((1042, 1059), 'torch.log', 'torch.log', (['y_pred'], {}), '(y_pred)\n', (1051, 1059), False, 'import torch\n'), ((1124, 1145), 'torch.log', 'torch.log', (['(1 - y_pred)'], {}), '(1 - y_pred)\n', (1133, 1145), False, 'import torch\n'), ((471, 488), 'torch.log', 'torch.log', (['output'], {}), '(output)\n', (480, 488), False, 'import torch\n'), ((535, 556), 'torch.log', 'torch.log', (['(1 - output)'], {}), '(1 - output)\n', (544, 556), False, 'import torch\n')] |
pwitab/dlms-cosem | dlms_cosem/hdlc/address.py | aa9e18e6ef8a4fee30da8b797dad03b0b7847780 | from typing import *
import attr
from dlms_cosem.hdlc import validators
@attr.s(auto_attribs=True)
class HdlcAddress:
"""
A client address shall always be expressed on one byte.
To enable addressing more than one logical device within a single physical device
and to support the multi-drop configuration the server address may be divided in
two parts– may be divided into two parts:
The logical address to address a logical device (separate addressable entity
within a physical device) makes up the upper HDLC address
The logical address must always be present.
The physical address is used to address a physical device ( a physical device on
a multi-drop)
The physical address can be omitted it not used.
"""
logical_address: int = attr.ib(validator=[validators.validate_hdlc_address])
physical_address: Optional[int] = attr.ib(
default=None, validator=[validators.validate_hdlc_address]
)
address_type: str = attr.ib(
default="client", validator=[validators.validate_hdlc_address_type]
)
@property
def length(self):
"""
The number of bytes the address makes up.
:return:
"""
return len(self.to_bytes())
def to_bytes(self):
out: List[Optional[int]] = list()
if self.address_type == "client":
# shift left 1 bit and set the lsb to mark end of address.
out.append(((self.logical_address << 1) | 0b00000001))
else:
# server address type
logical_higher, logical_lower = self._split_address(self.logical_address)
if self.physical_address:
physical_higher, physical_lower = self._split_address(
self.physical_address
)
# mark physical lower as end
physical_lower = physical_lower | 0b00000001
out.extend(
[logical_higher, logical_lower, physical_higher, physical_lower]
)
else:
# no physical address so mark the logial as end.
logical_lower = logical_lower | 0b00000001
out.extend([logical_higher, logical_lower])
out_bytes = list()
for address in out:
if address:
out_bytes.append(address.to_bytes(1, "big"))
return b"".join(out_bytes)
@staticmethod
def _split_address(address: int) -> Tuple[Optional[int], int]:
higher: Optional[int]
lower: int
if address > 0b01111111:
lower = (address & 0b0000000001111111) << 1
higher = (address & 0b0011111110000000) >> 6
else:
lower = address << 1
higher = None
return higher, lower
@staticmethod
def _address_to_byte(address: int) -> bytes:
return address.to_bytes(1, "big")
@classmethod
def destination_from_bytes(cls, frame_bytes: bytes, address_type: str):
destination_address_data, _ = HdlcAddress.find_address_in_frame_bytes(
frame_bytes
)
(
destination_logical,
destination_physical,
destination_length,
) = destination_address_data
return cls(destination_logical, destination_physical, address_type)
@classmethod
def source_from_bytes(cls, frame_bytes: bytes, address_type: str):
_, source_address_data = HdlcAddress.find_address_in_frame_bytes(frame_bytes)
source_logical, source_physical, source_length = source_address_data
return cls(source_logical, source_physical, address_type)
@staticmethod
def find_address_in_frame_bytes(
hdlc_frame_bytes: bytes,
) -> Tuple[Tuple[int, Optional[int], int], Tuple[int, Optional[int], int]]:
"""
address can be 1, 2 or 4 bytes long. the end byte is indicated by the of
the last byte LSB being 1
The first address is the destination address and the seconds is the
source address.
:param frame_bytes:
:return:
"""
# Find destination address.
destination_length: int = 1
destination_logical: int = 0
destination_physical: Optional[int] = 0
destination_positions_list: List[Tuple[int, int]] = [(3, 1), (4, 2), (6, 4)]
address_bytes: bytes
for pos, _length in destination_positions_list:
end_byte = hdlc_frame_bytes[pos]
if bool(end_byte & 0b00000001):
# Found end byte:
destination_length = _length
break
continue
if destination_length == 1:
address_bytes = hdlc_frame_bytes[3].to_bytes(1, "big")
destination_logical = address_bytes[0] >> 1
destination_physical = None
elif destination_length == 2:
address_bytes = hdlc_frame_bytes[3:5]
destination_logical = address_bytes[0] >> 1
destination_physical = address_bytes[1] >> 1
elif destination_length == 4:
address_bytes = hdlc_frame_bytes[3:7]
destination_logical = HdlcAddress.parse_two_byte_address(address_bytes[:2])
destination_physical = HdlcAddress.parse_two_byte_address(address_bytes[3:])
# Find source address
source_length: int = 1
source_logical: int = 0
source_physical: Optional[int] = 0
source_position_list: List[Tuple[int, int]] = [
(item[0] + destination_length, item[1])
for item in destination_positions_list
]
for pos, _length in source_position_list:
end_byte = hdlc_frame_bytes[pos]
if bool(end_byte & 0b00000001):
# Found end byte:
source_length = _length
break
continue
if source_length == 1:
address_bytes = hdlc_frame_bytes[3 + destination_length].to_bytes(1, "big")
source_logical = address_bytes[0] >> 1
source_physical = None
elif source_length == 2:
address_bytes = hdlc_frame_bytes[3 + destination_length : 5 + source_length]
source_logical = address_bytes[0] >> 1
source_physical = address_bytes[1] >> 1
elif destination_length == 4:
address_bytes = hdlc_frame_bytes[3 + destination_length : 7 + source_length]
source_logical = HdlcAddress.parse_two_byte_address(address_bytes[:2])
source_physical = HdlcAddress.parse_two_byte_address(address_bytes[3:])
return (
(destination_logical, destination_physical, destination_length),
(source_logical, source_physical, source_length),
)
@staticmethod
def parse_two_byte_address(address_bytes: bytes):
if address_bytes != 2:
raise ValueError(f"Can only parse 2 bytes for address")
upper = address_bytes[0] >> 1
lower = address_bytes[1] >> 1
return lower + (upper << 7)
| [((77, 102), 'attr.s', 'attr.s', ([], {'auto_attribs': '(True)'}), '(auto_attribs=True)\n', (83, 102), False, 'import attr\n'), ((790, 843), 'attr.ib', 'attr.ib', ([], {'validator': '[validators.validate_hdlc_address]'}), '(validator=[validators.validate_hdlc_address])\n', (797, 843), False, 'import attr\n'), ((882, 949), 'attr.ib', 'attr.ib', ([], {'default': 'None', 'validator': '[validators.validate_hdlc_address]'}), '(default=None, validator=[validators.validate_hdlc_address])\n', (889, 949), False, 'import attr\n'), ((988, 1064), 'attr.ib', 'attr.ib', ([], {'default': '"""client"""', 'validator': '[validators.validate_hdlc_address_type]'}), "(default='client', validator=[validators.validate_hdlc_address_type])\n", (995, 1064), False, 'import attr\n')] |
RasmusSemmle/scipy | benchmarks/benchmarks/stats.py | 4ffeafe269597e6d41b3335549102cd5611b12cb | from __future__ import division, absolute_import, print_function
import warnings
import numpy as np
try:
import scipy.stats as stats
except ImportError:
pass
from .common import Benchmark
class Anderson_KSamp(Benchmark):
def setup(self, *args):
self.rand = [np.random.normal(loc=i, size=1000) for i in range(3)]
def time_anderson_ksamp(self):
with warnings.catch_warnings():
warnings.simplefilter('ignore', UserWarning)
stats.anderson_ksamp(self.rand)
class CorrelationFunctions(Benchmark):
param_names = ['alternative']
params = [
['two-sided', 'less', 'greater']
]
def setup(self, mode):
a = np.random.rand(2,2) * 10
self.a = a
def time_fisher_exact(self, alternative):
oddsratio, pvalue = stats.fisher_exact(self.a, alternative=alternative)
class InferentialStats(Benchmark):
def setup(self):
np.random.seed(12345678)
self.a = stats.norm.rvs(loc=5, scale=10, size=500)
self.b = stats.norm.rvs(loc=8, scale=10, size=20)
self.c = stats.norm.rvs(loc=8, scale=20, size=20)
def time_ttest_ind_same_var(self):
# test different sized sample with variances
stats.ttest_ind(self.a, self.b)
stats.ttest_ind(self.a, self.b, equal_var=False)
def time_ttest_ind_diff_var(self):
# test different sized sample with different variances
stats.ttest_ind(self.a, self.c)
stats.ttest_ind(self.a, self.c, equal_var=False)
class Distribution(Benchmark):
param_names = ['distribution', 'properties']
params = [
['cauchy', 'gamma', 'beta'],
['pdf', 'cdf', 'rvs', 'fit']
]
def setup(self, distribution, properties):
np.random.seed(12345678)
self.x = np.random.rand(100)
def time_distribution(self, distribution, properties):
if distribution == 'gamma':
if properties == 'pdf':
stats.gamma.pdf(self.x, a=5, loc=4, scale=10)
elif properties == 'cdf':
stats.gamma.cdf(self.x, a=5, loc=4, scale=10)
elif properties == 'rvs':
stats.gamma.rvs(size=1000, a=5, loc=4, scale=10)
elif properties == 'fit':
stats.gamma.fit(self.x, loc=4, scale=10)
elif distribution == 'cauchy':
if properties == 'pdf':
stats.cauchy.pdf(self.x, loc=4, scale=10)
elif properties == 'cdf':
stats.cauchy.cdf(self.x, loc=4, scale=10)
elif properties == 'rvs':
stats.cauchy.rvs(size=1000, loc=4, scale=10)
elif properties == 'fit':
stats.cauchy.fit(self.x, loc=4, scale=10)
elif distribution == 'beta':
if properties == 'pdf':
stats.beta.pdf(self.x, a=5, b=3, loc=4, scale=10)
elif properties == 'cdf':
stats.beta.cdf(self.x, a=5, b=3, loc=4, scale=10)
elif properties == 'rvs':
stats.beta.rvs(size=1000, a=5, b=3, loc=4, scale=10)
elif properties == 'fit':
stats.beta.fit(self.x, loc=4, scale=10)
# Retain old benchmark results (remove this if changing the benchmark)
time_distribution.version = "fb22ae5386501008d945783921fe44aef3f82c1dafc40cddfaccaeec38b792b0"
class DescriptiveStats(Benchmark):
param_names = ['n_levels']
params = [
[10, 1000]
]
def setup(self, n_levels):
np.random.seed(12345678)
self.levels = np.random.randint(n_levels, size=(1000, 10))
def time_mode(self, n_levels):
stats.mode(self.levels, axis=0)
| [((813, 864), 'scipy.stats.fisher_exact', 'stats.fisher_exact', (['self.a'], {'alternative': 'alternative'}), '(self.a, alternative=alternative)\n', (831, 864), True, 'import scipy.stats as stats\n'), ((931, 955), 'numpy.random.seed', 'np.random.seed', (['(12345678)'], {}), '(12345678)\n', (945, 955), True, 'import numpy as np\n'), ((973, 1014), 'scipy.stats.norm.rvs', 'stats.norm.rvs', ([], {'loc': '(5)', 'scale': '(10)', 'size': '(500)'}), '(loc=5, scale=10, size=500)\n', (987, 1014), True, 'import scipy.stats as stats\n'), ((1032, 1072), 'scipy.stats.norm.rvs', 'stats.norm.rvs', ([], {'loc': '(8)', 'scale': '(10)', 'size': '(20)'}), '(loc=8, scale=10, size=20)\n', (1046, 1072), True, 'import scipy.stats as stats\n'), ((1090, 1130), 'scipy.stats.norm.rvs', 'stats.norm.rvs', ([], {'loc': '(8)', 'scale': '(20)', 'size': '(20)'}), '(loc=8, scale=20, size=20)\n', (1104, 1130), True, 'import scipy.stats as stats\n'), ((1232, 1263), 'scipy.stats.ttest_ind', 'stats.ttest_ind', (['self.a', 'self.b'], {}), '(self.a, self.b)\n', (1247, 1263), True, 'import scipy.stats as stats\n'), ((1272, 1320), 'scipy.stats.ttest_ind', 'stats.ttest_ind', (['self.a', 'self.b'], {'equal_var': '(False)'}), '(self.a, self.b, equal_var=False)\n', (1287, 1320), True, 'import scipy.stats as stats\n'), ((1432, 1463), 'scipy.stats.ttest_ind', 'stats.ttest_ind', (['self.a', 'self.c'], {}), '(self.a, self.c)\n', (1447, 1463), True, 'import scipy.stats as stats\n'), ((1472, 1520), 'scipy.stats.ttest_ind', 'stats.ttest_ind', (['self.a', 'self.c'], {'equal_var': '(False)'}), '(self.a, self.c, equal_var=False)\n', (1487, 1520), True, 'import scipy.stats as stats\n'), ((1762, 1786), 'numpy.random.seed', 'np.random.seed', (['(12345678)'], {}), '(12345678)\n', (1776, 1786), True, 'import numpy as np\n'), ((1804, 1823), 'numpy.random.rand', 'np.random.rand', (['(100)'], {}), '(100)\n', (1818, 1823), True, 'import numpy as np\n'), ((3507, 3531), 'numpy.random.seed', 'np.random.seed', (['(12345678)'], {}), '(12345678)\n', (3521, 3531), True, 'import numpy as np\n'), ((3554, 3598), 'numpy.random.randint', 'np.random.randint', (['n_levels'], {'size': '(1000, 10)'}), '(n_levels, size=(1000, 10))\n', (3571, 3598), True, 'import numpy as np\n'), ((3643, 3674), 'scipy.stats.mode', 'stats.mode', (['self.levels'], {'axis': '(0)'}), '(self.levels, axis=0)\n', (3653, 3674), True, 'import scipy.stats as stats\n'), ((283, 317), 'numpy.random.normal', 'np.random.normal', ([], {'loc': 'i', 'size': '(1000)'}), '(loc=i, size=1000)\n', (299, 317), True, 'import numpy as np\n'), ((386, 411), 'warnings.catch_warnings', 'warnings.catch_warnings', ([], {}), '()\n', (409, 411), False, 'import warnings\n'), ((425, 469), 'warnings.simplefilter', 'warnings.simplefilter', (['"""ignore"""', 'UserWarning'], {}), "('ignore', UserWarning)\n", (446, 469), False, 'import warnings\n'), ((482, 513), 'scipy.stats.anderson_ksamp', 'stats.anderson_ksamp', (['self.rand'], {}), '(self.rand)\n', (502, 513), True, 'import scipy.stats as stats\n'), ((691, 711), 'numpy.random.rand', 'np.random.rand', (['(2)', '(2)'], {}), '(2, 2)\n', (705, 711), True, 'import numpy as np\n'), ((1972, 2017), 'scipy.stats.gamma.pdf', 'stats.gamma.pdf', (['self.x'], {'a': '(5)', 'loc': '(4)', 'scale': '(10)'}), '(self.x, a=5, loc=4, scale=10)\n', (1987, 2017), True, 'import scipy.stats as stats\n'), ((2072, 2117), 'scipy.stats.gamma.cdf', 'stats.gamma.cdf', (['self.x'], {'a': '(5)', 'loc': '(4)', 'scale': '(10)'}), '(self.x, a=5, loc=4, scale=10)\n', (2087, 2117), True, 'import scipy.stats as stats\n'), ((2407, 2448), 'scipy.stats.cauchy.pdf', 'stats.cauchy.pdf', (['self.x'], {'loc': '(4)', 'scale': '(10)'}), '(self.x, loc=4, scale=10)\n', (2423, 2448), True, 'import scipy.stats as stats\n'), ((2172, 2220), 'scipy.stats.gamma.rvs', 'stats.gamma.rvs', ([], {'size': '(1000)', 'a': '(5)', 'loc': '(4)', 'scale': '(10)'}), '(size=1000, a=5, loc=4, scale=10)\n', (2187, 2220), True, 'import scipy.stats as stats\n'), ((2503, 2544), 'scipy.stats.cauchy.cdf', 'stats.cauchy.cdf', (['self.x'], {'loc': '(4)', 'scale': '(10)'}), '(self.x, loc=4, scale=10)\n', (2519, 2544), True, 'import scipy.stats as stats\n'), ((2829, 2878), 'scipy.stats.beta.pdf', 'stats.beta.pdf', (['self.x'], {'a': '(5)', 'b': '(3)', 'loc': '(4)', 'scale': '(10)'}), '(self.x, a=5, b=3, loc=4, scale=10)\n', (2843, 2878), True, 'import scipy.stats as stats\n'), ((2275, 2315), 'scipy.stats.gamma.fit', 'stats.gamma.fit', (['self.x'], {'loc': '(4)', 'scale': '(10)'}), '(self.x, loc=4, scale=10)\n', (2290, 2315), True, 'import scipy.stats as stats\n'), ((2599, 2643), 'scipy.stats.cauchy.rvs', 'stats.cauchy.rvs', ([], {'size': '(1000)', 'loc': '(4)', 'scale': '(10)'}), '(size=1000, loc=4, scale=10)\n', (2615, 2643), True, 'import scipy.stats as stats\n'), ((2933, 2982), 'scipy.stats.beta.cdf', 'stats.beta.cdf', (['self.x'], {'a': '(5)', 'b': '(3)', 'loc': '(4)', 'scale': '(10)'}), '(self.x, a=5, b=3, loc=4, scale=10)\n', (2947, 2982), True, 'import scipy.stats as stats\n'), ((2698, 2739), 'scipy.stats.cauchy.fit', 'stats.cauchy.fit', (['self.x'], {'loc': '(4)', 'scale': '(10)'}), '(self.x, loc=4, scale=10)\n', (2714, 2739), True, 'import scipy.stats as stats\n'), ((3037, 3089), 'scipy.stats.beta.rvs', 'stats.beta.rvs', ([], {'size': '(1000)', 'a': '(5)', 'b': '(3)', 'loc': '(4)', 'scale': '(10)'}), '(size=1000, a=5, b=3, loc=4, scale=10)\n', (3051, 3089), True, 'import scipy.stats as stats\n'), ((3144, 3183), 'scipy.stats.beta.fit', 'stats.beta.fit', (['self.x'], {'loc': '(4)', 'scale': '(10)'}), '(self.x, loc=4, scale=10)\n', (3158, 3183), True, 'import scipy.stats as stats\n')] |
Subsets and Splits