blob_id
stringlengths
40
40
directory_id
stringlengths
40
40
path
stringlengths
3
616
content_id
stringlengths
40
40
detected_licenses
listlengths
0
112
license_type
stringclasses
2 values
repo_name
stringlengths
5
115
snapshot_id
stringlengths
40
40
revision_id
stringlengths
40
40
branch_name
stringclasses
777 values
visit_date
timestamp[us]date
2015-08-06 10:31:46
2023-09-06 10:44:38
revision_date
timestamp[us]date
1970-01-01 02:38:32
2037-05-03 13:00:00
committer_date
timestamp[us]date
1970-01-01 02:38:32
2023-09-06 01:08:06
github_id
int64
4.92k
681M
star_events_count
int64
0
209k
fork_events_count
int64
0
110k
gha_license_id
stringclasses
22 values
gha_event_created_at
timestamp[us]date
2012-06-04 01:52:49
2023-09-14 21:59:50
gha_created_at
timestamp[us]date
2008-05-22 07:58:19
2023-08-21 12:35:19
gha_language
stringclasses
149 values
src_encoding
stringclasses
26 values
language
stringclasses
1 value
is_vendor
bool
2 classes
is_generated
bool
2 classes
length_bytes
int64
3
10.2M
extension
stringclasses
188 values
content
stringlengths
3
10.2M
authors
listlengths
1
1
author_id
stringlengths
1
132
26d13e4f0ecb08e455798eadfe6fa1e6ec855e3a
cd847bb6162a44945e7882992be6a8e99cd475b2
/venv/bin/venv/bin/wheel
a26c6118b433f85ea2d30bd0128814e1bbf1d383
[]
no_license
jasvr/wags_to_wings
60e04375e3273e9db23f16d7f7d18263e5b14a93
d03edcdd0db27efadb5ec7e8321ae30f23f0216a
refs/heads/master
2020-05-04T23:42:55.924620
2019-04-04T22:40:55
2019-04-04T22:40:55
179,553,036
0
2
null
null
null
null
UTF-8
Python
false
false
260
#!/Users/jasvrgs/wdi/projects/hackathon/venv/bin/venv/bin/python3.7 # -*- coding: utf-8 -*- import re import sys from wheel.cli import main if __name__ == '__main__': sys.argv[0] = re.sub(r'(-script\.pyw?|\.exe)?$', '', sys.argv[0]) sys.exit(main())
0797c38ecbcb2da8282bce24c83e9395a01d75d1
305c8c0fe2453dd23918469240b3d8c872158d1f
/nlpr/proj/simple/runscript_head_test.py
e6d35761838183c2c728f2ef6de6241dc25c1f98
[]
no_license
zphang/nlprunners
184204927634b13325aa6fdf5edf6daccc9244bf
37edf660058af055e4b4807c6980dae7e03a005f
refs/heads/master
2020-06-28T01:36:18.266726
2020-01-20T05:49:10
2020-01-20T05:49:10
200,107,335
1
0
null
null
null
null
UTF-8
Python
false
false
9,656
py
import os import torch import zconf import nlpr.shared.initialization as initialization import nlpr.shared.distributed as distributed import nlpr.shared.model_setup as model_setup import nlpr.shared.model_resolution as model_resolution import nlpr.shared.train_setup as train_setup import nlpr.tasks as tasks import nlpr.tasks.evaluate as evaluate import nlpr.proj.simple.runner as simple_runner import nlpr.shared.metarunner as metarunner @zconf.run_config class RunConfiguration(zconf.RunConfig): # === Required parameters === # task_config_path = zconf.attr(type=str, required=True) output_dir = zconf.attr(type=str, required=True) # === Model parameters === # model_type = zconf.attr(type=str, required=True) model_path = zconf.attr(type=str, required=True) model_config_path = zconf.attr(default=None, type=str) model_tokenizer_path = zconf.attr(default=None, type=str) model_load_mode = zconf.attr(default="safe", type=str) model_save_mode = zconf.attr(default="all", type=str) max_seq_length = zconf.attr(default=128, type=int) # === Running Setup === # # cache_dir do_train = zconf.attr(action='store_true') do_val = zconf.attr(action='store_true') do_test = zconf.attr(action='store_true') do_save = zconf.attr(action="store_true") eval_every_steps = zconf.attr(type=int, default=0) save_every_steps = zconf.attr(type=int, default=0) partial_eval_number = zconf.attr(type=int, default=1000) train_batch_size = zconf.attr(default=8, type=int) # per gpu eval_batch_size = zconf.attr(default=8, type=int) # per gpu force_overwrite = zconf.attr(action="store_true") # overwrite_cache = zconf.attr(action="store_true") seed = zconf.attr(type=int, default=-1) train_examples_number = zconf.attr(type=int, default=None) train_examples_fraction = zconf.attr(type=float, default=None) # === Training Learning Parameters === # learning_rate = zconf.attr(default=1e-5, type=float) num_train_epochs = zconf.attr(default=3, type=int) max_steps = zconf.attr(default=None, type=int) adam_epsilon = zconf.attr(default=1e-8, type=float) max_grad_norm = zconf.attr(default=1.0, type=float) warmup_steps = zconf.attr(default=None, type=int) warmup_proportion = zconf.attr(default=0.1, type=float) optimizer_type = zconf.attr(default="adam", type=str) # Specialized config gradient_accumulation_steps = zconf.attr(default=1, type=int) no_cuda = zconf.attr(action='store_true') fp16 = zconf.attr(action='store_true') fp16_opt_level = zconf.attr(default='O1', type=str) local_rank = zconf.attr(default=-1, type=int) server_ip = zconf.attr(default='', type=str) server_port = zconf.attr(default='', type=str) # Head head_epochs = zconf.attr(default=1, type=int) head_max_steps = zconf.attr(default=1000, type=int) def main(args): quick_init_out = initialization.quick_init(args=args, verbose=True) with quick_init_out.log_writer.log_context(): task = tasks.create_task_from_config_path( config_path=args.task_config_path, verbose=True, ) with distributed.only_first_process(local_rank=args.local_rank): # load the model model_class_spec = model_resolution.resolve_model_setup_classes( model_type=args.model_type, task_type=task.TASK_TYPE, ) model_wrapper = model_setup.simple_model_setup( model_type=args.model_type, model_class_spec=model_class_spec, config_path=args.model_config_path, tokenizer_path=args.model_tokenizer_path, task=task, ) model_setup.simple_load_model_path( model=model_wrapper.model, model_load_mode=args.model_load_mode, model_path=args.model_path, ) model_wrapper.model.to(quick_init_out.device) train_examples = task.get_train_examples() train_examples, _ = train_setup.maybe_subsample_train( train_examples=train_examples, train_examples_number=args.train_examples_number, train_examples_fraction=args.train_examples_fraction, ) num_train_examples = len(train_examples) loss_criterion = train_setup.resolve_loss_function(task_type=task.TASK_TYPE) rparams = simple_runner.RunnerParameters( feat_spec=model_resolution.build_featurization_spec( model_type=args.model_type, max_seq_length=args.max_seq_length, ), local_rank=args.local_rank, n_gpu=quick_init_out.n_gpu, fp16=args.fp16, learning_rate=args.learning_rate, eval_batch_size=args.eval_batch_size, max_grad_norm=args.max_grad_norm, ) # Head head_train_schedule = train_setup.get_train_schedule( num_train_examples=num_train_examples, max_steps=args.head_max_steps, num_train_epochs=args.head_epochs, gradient_accumulation_steps=args.gradient_accumulation_steps, per_gpu_train_batch_size=args.train_batch_size, n_gpu=quick_init_out.n_gpu, ) head_optimizer_scheduler = model_setup.create_optimizer_from_params( named_parameters=train_setup.get_head_named_parameters(model_wrapper.model), learning_rate=args.learning_rate, t_total=head_train_schedule.t_total, warmup_steps=args.warmup_steps, warmup_proportion=args.warmup_proportion, optimizer_type=args.optimizer_type, verbose=True, ) model_setup.special_model_setup( model_wrapper=model_wrapper, optimizer_scheduler=head_optimizer_scheduler, fp16=args.fp16, fp16_opt_level=args.fp16_opt_level, n_gpu=quick_init_out.n_gpu, local_rank=args.local_rank, ) head_runner = simple_runner.SimpleTaskRunner( task=task, model_wrapper=model_wrapper, optimizer_scheduler=head_optimizer_scheduler, loss_criterion=loss_criterion, device=quick_init_out.device, rparams=rparams, train_schedule=head_train_schedule, log_writer=quick_init_out.log_writer, ) # Main train_schedule = train_setup.get_train_schedule( num_train_examples=num_train_examples, max_steps=args.max_steps, num_train_epochs=args.num_train_epochs, gradient_accumulation_steps=args.gradient_accumulation_steps, per_gpu_train_batch_size=args.train_batch_size, n_gpu=quick_init_out.n_gpu, ) quick_init_out.log_writer.write_entry("text", f"t_total: {train_schedule.t_total}", do_print=True) optimizer_scheduler = model_setup.create_optimizer( model=model_wrapper.model, learning_rate=args.learning_rate, t_total=train_schedule.t_total, warmup_steps=args.warmup_steps, warmup_proportion=args.warmup_proportion, optimizer_type=args.optimizer_type, verbose=True, ) model_setup.special_model_setup( model_wrapper=model_wrapper, optimizer_scheduler=optimizer_scheduler, fp16=args.fp16, fp16_opt_level=args.fp16_opt_level, n_gpu=quick_init_out.n_gpu, local_rank=args.local_rank, ) runner = simple_runner.SimpleTaskRunner( task=task, model_wrapper=model_wrapper, optimizer_scheduler=optimizer_scheduler, loss_criterion=loss_criterion, device=quick_init_out.device, rparams=rparams, train_schedule=train_schedule, log_writer=quick_init_out.log_writer, ) if args.do_train: print("Head training") head_runner.run_train(train_examples) print("Main training") val_examples = task.get_val_examples() metarunner.MetaRunner( runner=runner, train_examples=train_examples, val_examples=val_examples[:args.partial_eval_number], # quick and dirty should_save_func=metarunner.get_should_save_func(args.save_every_steps), should_eval_func=metarunner.get_should_eval_func(args.eval_every_steps), output_dir=args.output_dir, verbose=True, save_best_model=args.do_save, load_best_model=True, log_writer=quick_init_out.log_writer, ).train_val_save_every() if args.do_save: torch.save( model_wrapper.model.state_dict(), os.path.join(args.output_dir, "model.p") ) if args.do_val: val_examples = task.get_val_examples() results = runner.run_val(val_examples) evaluate.write_val_results( results=results, output_dir=args.output_dir, verbose=True, ) if args.do_test: test_examples = task.get_test_examples() logits = runner.run_test(test_examples) evaluate.write_preds( logits=logits, output_path=os.path.join(args.output_dir, "test_preds.csv"), ) if __name__ == "__main__": main(args=RunConfiguration.run_cli_json_prepend())
f2398df072c2823250de00bbb203a6dd068f4684
96dcea595e7c16cec07b3f649afd65f3660a0bad
/tests/components/rainbird/__init__.py
f2d3f91e0981ece04b6389338422272a460f1b75
[ "Apache-2.0" ]
permissive
home-assistant/core
3455eac2e9d925c92d30178643b1aaccf3a6484f
80caeafcb5b6e2f9da192d0ea6dd1a5b8244b743
refs/heads/dev
2023-08-31T15:41:06.299469
2023-08-31T14:50:53
2023-08-31T14:50:53
12,888,993
35,501
20,617
Apache-2.0
2023-09-14T21:50:15
2013-09-17T07:29:48
Python
UTF-8
Python
false
false
42
py
"""Tests for the rainbird integration."""
61800f469bd79f4a99bbc707dbf177d0e80735dd
b45b8ad36b3cd9b625a16af014c4dd735602e97f
/Python语言程序设计/Week9面向对象/1、面向对象/jam_10_元类.py
03723960f8bc1205ce9539185bf1cac1f05827b0
[]
no_license
YuanXianguo/Python-MOOC-2019
c4935cbbb7e86568aa7a25cb0bd867b3f5779130
f644380427b4a6b1959c49f134a1e27db4b72cc9
refs/heads/master
2020-11-26T18:38:22.530813
2019-12-20T02:51:52
2019-12-20T02:51:52
229,173,967
1
0
null
null
null
null
UTF-8
Python
false
false
287
py
def run(self): print("{}会跑".format(self.name)) # type称为元类,可以创建类,参数:类名,父类(元组),属性(字典) # 可以在用属性引用一个函数作为方法 Test = type("Test", (object,), {"name": "test", "run": run}) t = Test() t.run()
dedb5daeed1de9d8fb153d68ae4e7352469334d3
98c6ea9c884152e8340605a706efefbea6170be5
/examples/data/Assignment_1/krmtsi001/question2.py
70123bdafa165e39c9cdea9ad141336d1a5e6aa8
[]
no_license
MrHamdulay/csc3-capstone
479d659e1dcd28040e83ebd9e3374d0ccc0c6817
6f0fa0fa1555ceb1b0fb33f25e9694e68b6a53d2
refs/heads/master
2021-03-12T21:55:57.781339
2014-09-22T02:22:22
2014-09-22T02:22:22
22,372,174
0
0
null
null
null
null
UTF-8
Python
false
false
843
py
def timer(): hours=eval(input("Enter the hours:\n")) minutes=eval (input("Enter the minutes:\n")) seconds=eval(input("Enter the seconds:\n")) if(0<=hours<=23): if(0<=minutes<=59): if(0<=seconds<=59): print("Your time is valid.") else: print("Your time is invalid.") else: print("Your time is invalid.") else: print("Your time is invalid.") timer()
a1c2c7dbc12133aa3a288096226940ec519752e0
2f98aa7e5bfc2fc5ef25e4d5cfa1d7802e3a7fae
/python/python_4079.py
1fb3f1647f5375496e3f6bf6db519750731e1d1a
[]
no_license
AK-1121/code_extraction
cc812b6832b112e3ffcc2bb7eb4237fd85c88c01
5297a4a3aab3bb37efa24a89636935da04a1f8b6
refs/heads/master
2020-05-23T08:04:11.789141
2015-10-22T19:19:40
2015-10-22T19:19:40
null
0
0
null
null
null
null
UTF-8
Python
false
false
110
py
# Python PyCrypto and RSA problem import Crypto.PublicKey.RSA impl = Crypto.PublicKey.RSA.RSAImplementation()
dbeeef05b86bdf486c9b96b36c84624c17e9f3b0
e10a6d844a286db26ef56469e31dc8488a8c6f0e
/ipagnn/adapters/common_adapters_test.py
1a4022ad703be31751ce21dbd2b8f1c7fd8e4246
[ "Apache-2.0", "CC-BY-4.0" ]
permissive
Jimmy-INL/google-research
54ad5551f97977f01297abddbfc8a99a7900b791
5573d9c5822f4e866b6692769963ae819cb3f10d
refs/heads/master
2023-04-07T19:43:54.483068
2023-03-24T16:27:28
2023-03-24T16:32:17
282,682,170
1
0
Apache-2.0
2020-07-26T15:50:32
2020-07-26T15:50:31
null
UTF-8
Python
false
false
1,165
py
# coding=utf-8 # Copyright 2022 The Google Research Authors. # # 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. """Tests for Learned Interpreters workflows.""" from absl.testing import absltest import jax.numpy as jnp from ipagnn.adapters import common_adapters class CommonAdaptersTest(absltest.TestCase): def test_compute_weighted_cross_entropy(self): logits = jnp.array([ [[.8, .2, -.5], [.2, .5, -.1]], [[.1, -.2, .2], [.4, -.5, .1]], ]) labels = jnp.array([ [0, 1], [2, 2], ]) common_adapters.compute_weighted_cross_entropy(logits, labels) if __name__ == '__main__': absltest.main()
11a768e5cb050aff0f5193393950a1a5603947ed
53dd5d2cfb79edc87f6c606bbfb7d0bedcf6da61
/.history/EMR/EMRzdyj_20190422140749.py
7acb80b6448a09bdb1f2a5d6aac099e548cb7519
[]
no_license
cyc19950621/python
4add54894dc81187211aa8d45e5115903b69a182
d184b83e73334a37d413306d3694e14a19580cb0
refs/heads/master
2020-04-11T20:39:34.641303
2019-07-02T12:54:49
2019-07-02T12:54:49
162,078,640
0
0
null
null
null
null
UTF-8
Python
false
false
1,837
py
#-*- coding: UTF-8 -*- #本文件用于提取目标目录中的所有txt,并提取关键词所在行到指定目录,并提取关键词新建文件 import time import math import os import sys import os, os.path,shutil import codecs import EMRdef import re emrtxts = EMRdef.txttq(u'D:\DeepLearning ER\EHR')#txt目录提取 zljhs = [] for emrtxt in emrtxts: f = open(emrtxt,'r',errors="ignore")#中文加入errors emrtxt = os.path.basename(emrtxt) emrtxt_str = re.findall(r'(^.+?)\_',emrtxt)#提取ID emrtxt = "".join(emrtxt_str)#转成str pattern = r',|.|,|。|;|;'#清除标点 #txtp=txtp.decode('utf-8') temp_line = [] for line in f.readlines(): line = re.sub(' ','',line)#删除空格 if line.find(u'程传输')<=-1: temp_line.append(line) else: break for line in temp_line: if line.find (u'诊断依据:',0,6) >-1: line = re.sub(r'h|H', '小时', line)#小时替换成中文 line = re.sub(r'诊断依据:', '', line)#删除入院诊断字样 line_deldl = re.split(r'。',line)#根据标点分行 line_deld = '\n'.join(line_deldl) #转成str格式 line_out = re.sub(r'\d+、|\d+)、|\d+\)、|\d+\)|\(+\d+\)|①|②|③|④|⑤|⑥|⑦','',line_deld) #删除序号 line_output = re.split('\n',line_out) line = '\n'.join(line_output) a = re.sub(r'(.*)'+'“'|'”为主诉'+r'(.*)','',line) line = ''.join(a) EMRdef.text_create(r'D:\DeepLearning ER\EHRzdyj','.txt' ,emrtxt,line)#导出带有诊疗计划的文件和诊疗计划 #zljhs.append(emrtxt+':'+line) #EMRdef.text_save('D:\python\EMR\zljh.txt',zljhs)
12cd595216aaec389302a4fc2da3f699ecce6efa
2e2fd08363b2ae29e3c7e7e836480a94e08fb720
/tensorflow_datasets/audio/groove.py
ed305c8e845763befe4d4056fce34183bdcc5836
[ "Apache-2.0" ]
permissive
Nikhil1O1/datasets
5af43d27aaf677dc7b3f8982b11a41d9e01ea793
311280c12f8b4aa9e5634f60cd8a898c3926c8e5
refs/heads/master
2022-12-27T00:20:50.458804
2020-10-15T10:29:12
2020-10-15T10:30:52
304,363,476
0
1
Apache-2.0
2020-10-15T15:10:31
2020-10-15T15:07:37
null
UTF-8
Python
false
false
8,466
py
# coding=utf-8 # Copyright 2020 The TensorFlow Datasets Authors. # # 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. """Groove Midi Dataset (GMD).""" import collections import copy import csv import io import os from absl import logging import numpy as np import tensorflow.compat.v2 as tf import tensorflow_datasets.public_api as tfds _DESCRIPTION = """\ The Groove MIDI Dataset (GMD) is composed of 13.6 hours of aligned MIDI and (synthesized) audio of human-performed, tempo-aligned expressive drumming captured on a Roland TD-11 V-Drum electronic drum kit. """ _CITATION = """ @inproceedings{groove2019, Author = {Jon Gillick and Adam Roberts and Jesse Engel and Douglas Eck and David Bamman}, Title = {Learning to Groove with Inverse Sequence Transformations}, Booktitle = {International Conference on Machine Learning (ICML)} Year = {2019}, } """ _PRIMARY_STYLES = [ "afrobeat", "afrocuban", "blues", "country", "dance", "funk", "gospel", "highlife", "hiphop", "jazz", "latin", "middleeastern", "neworleans", "pop", "punk", "reggae", "rock", "soul"] _TIME_SIGNATURES = ["3-4", "4-4", "5-4", "5-8", "6-8"] _DOWNLOAD_URL = "https://storage.googleapis.com/magentadata/datasets/groove/groove-v1.0.0.zip" _DOWNLOAD_URL_MIDI_ONLY = "https://storage.googleapis.com/magentadata/datasets/groove/groove-v1.0.0-midionly.zip" class GrooveConfig(tfds.core.BuilderConfig): """BuilderConfig for Groove Dataset.""" def __init__(self, split_bars=None, include_audio=True, audio_rate=16000, **kwargs): """Constructs a GrooveConfig. Args: split_bars: int, number of bars to include per example using a sliding window across the raw data, or will not split if None. include_audio: bool, whether to include audio in the examples. If True, examples with missing audio will be excluded. audio_rate: int, sample rate to use for audio. **kwargs: keyword arguments forwarded to super. """ name_parts = [("%dbar" % split_bars) if split_bars else "full"] if include_audio: name_parts.append("%dhz" % audio_rate) else: name_parts.append("midionly") super(GrooveConfig, self).__init__( name="-".join(name_parts), version=tfds.core.Version("2.0.1"), **kwargs, ) self.split_bars = split_bars self.include_audio = include_audio self.audio_rate = audio_rate class Groove(tfds.core.GeneratorBasedBuilder): """The Groove MIDI Dataset (GMD) of drum performances.""" BUILDER_CONFIGS = [ GrooveConfig( include_audio=False, description="Groove dataset without audio, unsplit." ), GrooveConfig( include_audio=True, description="Groove dataset with audio, unsplit." ), GrooveConfig( include_audio=False, split_bars=2, description="Groove dataset without audio, split into 2-bar chunks." ), GrooveConfig( include_audio=True, split_bars=2, description="Groove dataset with audio, split into 2-bar chunks." ), GrooveConfig( include_audio=False, split_bars=4, description="Groove dataset without audio, split into 4-bar chunks." ), ] def _info(self): features_dict = { "id": tf.string, "drummer": tfds.features.ClassLabel( names=["drummer%d" % i for i in range(1, 11)]), "type": tfds.features.ClassLabel(names=["beat", "fill"]), "bpm": tf.int32, "time_signature": tfds.features.ClassLabel(names=_TIME_SIGNATURES), "style": { "primary": tfds.features.ClassLabel(names=_PRIMARY_STYLES), "secondary": tf.string, }, "midi": tf.string } if self.builder_config.include_audio: features_dict["audio"] = tfds.features.Audio( dtype=tf.float32, sample_rate=self.builder_config.audio_rate) return tfds.core.DatasetInfo( builder=self, description=_DESCRIPTION, features=tfds.features.FeaturesDict(features_dict), homepage="https://g.co/magenta/groove-dataset", citation=_CITATION, ) def _split_generators(self, dl_manager): """Returns splits.""" # Download data. data_dir = os.path.join( dl_manager.download_and_extract( _DOWNLOAD_URL if self._builder_config.include_audio else _DOWNLOAD_URL_MIDI_ONLY), "groove") rows = collections.defaultdict(list) with tf.io.gfile.GFile(os.path.join(data_dir, "info.csv")) as f: reader = csv.DictReader(f) for row in reader: rows[row["split"]].append(row) return [ tfds.core.SplitGenerator( # pylint: disable=g-complex-comprehension name=split, gen_kwargs={"rows": split_rows, "data_dir": data_dir}) for split, split_rows in rows.items()] def _generate_examples(self, rows, data_dir): split_bars = self._builder_config.split_bars for row in rows: split_genre = row["style"].split("/") with tf.io.gfile.GFile( os.path.join(data_dir, row["midi_filename"]), "rb") as midi_f: midi = midi_f.read() audio = None if self._builder_config.include_audio: if not row["audio_filename"]: # Skip examples with no audio. logging.warning("Skipping example with no audio: %s", row["id"]) continue wav_path = os.path.join(data_dir, row["audio_filename"]) audio = _load_wav(wav_path, self._builder_config.audio_rate) example = { "id": row["id"], "drummer": row["drummer"], "type": row["beat_type"], "bpm": int(row["bpm"]), "time_signature": row["time_signature"], "style": { "primary": split_genre[0], "secondary": split_genre[1] if len(split_genre) == 2 else "" }, } if not split_bars: # Yield full example. example["midi"] = midi if audio is not None: example["audio"] = audio yield example["id"], example else: # Yield split examples. bpm = int(row["bpm"]) beats_per_bar = int(row["time_signature"].split("-")[0]) bar_duration = 60 / bpm * beats_per_bar audio_rate = self._builder_config.audio_rate pm = tfds.core.lazy_imports.pretty_midi.PrettyMIDI(io.BytesIO(midi)) total_duration = pm.get_end_time() # Pad final bar if at least half filled. total_bars = int(round(total_duration / bar_duration)) total_frames = int(total_bars * bar_duration * audio_rate) if audio is not None and len(audio) < total_frames: audio = np.pad(audio, [0, total_frames - len(audio)], "constant") for i in range(total_bars - split_bars + 1): time_range = [i * bar_duration, (i + split_bars) * bar_duration] # Split MIDI. pm_split = copy.deepcopy(pm) pm_split.adjust_times(time_range, [0, split_bars * bar_duration]) pm_split.time_signature_changes = pm.time_signature_changes midi_split = io.BytesIO() pm_split.write(midi_split) example["midi"] = midi_split.getvalue() # Split audio. if audio is not None: example["audio"] = audio[ int(time_range[0] * audio_rate): int(time_range[1] * audio_rate)] example["id"] += ":%03d" % i yield example["id"], example def _load_wav(path, sample_rate): with tf.io.gfile.GFile(path, "rb") as audio_f: audio_segment = tfds.core.lazy_imports.pydub.AudioSegment.from_file( audio_f, format="wav").set_channels(1).set_frame_rate(sample_rate) audio = np.array(audio_segment.get_array_of_samples()).astype(np.float32) # Convert from int to float representation. audio /= 2**(8 * audio_segment.sample_width) return audio
647eb0c247d92d421b317ab1114d9bf82e66f4d5
9edaf93c833ba90ae9a903aa3c44c407a7e55198
/autosar/models/bsw_internal_behavior_subtypes_enum.py
1c215010479de31b0fe70b14ce7782accfe53979
[]
no_license
tefra/xsdata-samples
c50aab4828b8c7c4448dbdab9c67d1ebc519e292
ef027fe02e6a075d8ed676c86a80e9647d944571
refs/heads/main
2023-08-14T10:31:12.152696
2023-07-25T18:01:22
2023-07-25T18:01:22
222,543,692
6
1
null
2023-06-25T07:21:04
2019-11-18T21:00:37
Python
UTF-8
Python
false
false
171
py
from enum import Enum __NAMESPACE__ = "http://autosar.org/schema/r4.0" class BswInternalBehaviorSubtypesEnum(Enum): BSW_INTERNAL_BEHAVIOR = "BSW-INTERNAL-BEHAVIOR"
fa441165e9c8186f8a8823b6af81f6ead2fdf63e
de24f83a5e3768a2638ebcf13cbe717e75740168
/moodledata/vpl_data/438/usersdata/309/98435/submittedfiles/pico.py
c35ed557c01838f28a74350f9a1bcb6cfd1089fd
[]
no_license
rafaelperazzo/programacao-web
95643423a35c44613b0f64bed05bd34780fe2436
170dd5440afb9ee68a973f3de13a99aa4c735d79
refs/heads/master
2021-01-12T14:06:25.773146
2017-12-22T16:05:45
2017-12-22T16:05:45
69,566,344
0
0
null
null
null
null
UTF-8
Python
false
false
704
py
# -*- coding: utf-8 -*- def pico(lista): x=[] n=len(lista) for i in range (0,n-1,1): if (lista[i] > lista[i+1]): x.append(1) elif (lista[i] < lista[i+1]): x.append(2) else : x.append(0) k= sorted(x) if (x==k): if (0 in x ): print("N") elif (1 in x and 2 in x): print ("S") else: print("N") # PROGRAMA PRINCIPAL n = int(input('Digite a quantidade de elementos da lista: ')) lista=[] for i in range (0,n,1): lista.append(int(input("Digite um elemeto para o seu vetor:" ))) pico(lista)
888c07976bb9ed42e9facf2f077f76c39b73cdb1
5080a829777b85f9f2618b398a8b7a2c34b8b83c
/pyvo/__init__.py
cc22ced09730551bbe38af2f7b01e2a5e90eb381
[]
no_license
kernsuite-debian/pyvo
ab037461def921411515f4b690f319976970a7a1
ee85c50c5c520ac7bede2d6f18de225c57dedc33
refs/heads/master
2021-08-07T16:17:11.674702
2017-11-08T14:39:19
2017-11-08T14:39:19
107,262,511
0
0
null
null
null
null
UTF-8
Python
false
false
5,639
py
# Licensed under a 3-clause BSD style license - see LICENSE.rst """ PyVO is a package providing access to remote data and services of the Virtual observatory (VO) using Python. The pyvo module currently provides these main capabilities: * find archives that provide particular data of a particular type and/or relates to a particular topic * regsearch() * search an archive for datasets of a particular type * imagesearch(), spectrumsearch() * do simple searches on catalogs or databases * conesearch(), linesearch(), tablesearch() * get information about an object via its name * resolve(), object2pos(), object2sexapos() Submodules provide additional functions and classes for greater control over access to these services. This module also exposes the exception classes raised by the above functions, of which DALAccessError is the root parent exception. """ #this indicates whether or not we are in the pyvo's setup.py try: _ASTROPY_SETUP_ except NameError: from sys import version_info if version_info[0] >= 3: import builtins else: import __builtin__ as builtins builtins._ASTROPY_SETUP_ = False del version_info try: from .version import version as __version__ except ImportError: __version__ = '0.0.dev' try: from .version import githash as __githash__ except ImportError: __githash__ = '' def _get_test_runner(): from astropy.tests.helper import TestRunner return TestRunner(__path__[0]) def test(package=None, test_path=None, args=None, plugins=None, verbose=False, pastebin=None, remote_data=False, pep8=False, pdb=False, coverage=False, open_files=False, **kwargs): """ Run the tests using py.test. A proper set of arguments is constructed and passed to `pytest.main`. Parameters ---------- package : str, optional The name of a specific package to test, e.g. 'io.fits' or 'utils'. If nothing is specified all default tests are run. test_path : str, optional Specify location to test by path. May be a single file or directory. Must be specified absolutely or relative to the calling directory. args : str, optional Additional arguments to be passed to `pytest.main` in the `args` keyword argument. plugins : list, optional Plugins to be passed to `pytest.main` in the `plugins` keyword argument. verbose : bool, optional Convenience option to turn on verbose output from py.test. Passing True is the same as specifying `-v` in `args`. pastebin : {'failed','all',None}, optional Convenience option for turning on py.test pastebin output. Set to 'failed' to upload info for failed tests, or 'all' to upload info for all tests. remote_data : bool, optional Controls whether to run tests marked with @remote_data. These tests use online data and are not run by default. Set to True to run these tests. pep8 : bool, optional Turn on PEP8 checking via the pytest-pep8 plugin and disable normal tests. Same as specifying `--pep8 -k pep8` in `args`. pdb : bool, optional Turn on PDB post-mortem analysis for failing tests. Same as specifying `--pdb` in `args`. coverage : bool, optional Generate a test coverage report. The result will be placed in the directory htmlcov. open_files : bool, optional Fail when any tests leave files open. Off by default, because this adds extra run time to the test suite. Works only on platforms with a working `lsof` command. kwargs Any additional keywords passed into this function will be passed on to the astropy test runner. This allows use of test-related functionality implemented in later versions of astropy without explicitly updating the package template. See Also -------- pytest.main : py.test function wrapped by `run_tests`. """ test_runner = _get_test_runner() return test_runner.run_tests( package=package, test_path=test_path, args=args, plugins=plugins, verbose=verbose, pastebin=pastebin, remote_data=remote_data, pep8=pep8, pdb=pdb, coverage=coverage, open_files=open_files, **kwargs) if not _ASTROPY_SETUP_: import os from warnings import warn from astropy import config # add these here so we only need to cleanup the namespace at the end config_dir = None if not os.environ.get('ASTROPY_SKIP_CONFIG_UPDATE', False): config_dir = os.path.dirname(__file__) try: config.configuration.update_default_config(__package__, config_dir) except config.configuration.ConfigurationDefaultMissingError as e: wmsg = (e.args[0] + " Cannot install default profile. If you are " "importing from source, this is expected.") warn(config.configuration.ConfigurationDefaultMissingWarning(wmsg)) del e del os, warn, config_dir # clean up namespace # make sure we have astropy import astropy.io.votable from . import registry from .dal import ssa, sia, sla, scs, tap from .registry import search as regsearch from .dal import ( imagesearch, spectrumsearch, conesearch, linesearch, tablesearch, DALAccessError, DALProtocolError, DALFormatError, DALServiceError, DALQueryError) from .nameresolver import * __all__ = [ "imagesearch", "spectrumsearch", "conesearch", "linesearch", "tablesearch", "regsearch", "resolve", "object2pos", "object2sexapos" ]
ee9fa1df4d941a31ed508d0034c5b7a6d87ed67d
c682e03a8394f0b6be4b309789209f7f5a67b878
/d12/d12p1.py
3a270b901acf7225aa4a4bce0c619c7cf39cf20e
[]
no_license
filipmlynarski/Advent-of-Code-2016
e84c1d3aa702b5bd387b0aa06ac10a4196574e70
b62483971e3e1f79c1e7987374fc9f030f5a0338
refs/heads/master
2021-08-28T06:43:04.764495
2017-12-11T13:00:07
2017-12-11T13:00:07
null
0
0
null
null
null
null
UTF-8
Python
false
false
1,966
py
puzle = open('puzzle') puzzle = [] for i in puzle: puzzle.append(i.split('\n')[0]) def is_int(x): ints = '1,2,3,4,5,6,7,8,9,0'.split(',') for j in ints: if j == x: return True a = 0 b = 0 c = 0 d = 0 count = 0 while count < len(puzzle): i = puzzle[count] if i.split(' ')[0] == 'cpy': if i.split(' ')[2] == 'a': if is_int(i.split(' ')[1][0]): a = int(i.split(' ')[1]) else: if i.split(' ')[1] == 'b': a = b elif i.split(' ')[1] == 'c': a = c else: a = d elif i.split(' ')[2] == 'b': if is_int(i.split(' ')[1][0]): b = int(i.split(' ')[1]) else: if i.split(' ')[1] == 'a': b = a elif i.split(' ')[1] == 'c': b = c else: b = d elif i.split(' ')[2] == 'c': if is_int(i.split(' ')[1][0]): c = int(i.split(' ')[1]) else: if i.split(' ')[1] == 'b': c = b elif i.split(' ')[1] == 'a': c = a else: c = d elif i.split(' ')[2] == 'd': if is_int(i.split(' ')[1][0]): d = int(i.split(' ')[1]) else: if i.split(' ')[2] == 'b': d = b elif i.split(' ')[2] == 'c': d = c else: d = a elif i.split(' ')[0] == 'inc': if i.split(' ')[1] == 'a': a += 1 elif i.split(' ')[1] == 'b': b += 1 elif i.split(' ')[1] == 'c': c += 1 else: d += 1 elif i.split(' ')[0] == 'dec': if i.split(' ')[1] == 'a': a -= 1 elif i.split(' ')[1] == 'b': b -= 1 elif i.split(' ')[1] == 'c': c -= 1 else: d -= 1 elif i.split(' ')[0] == 'jnz': if (is_int(i.split(' ')[1][0]) and i.split(' ')[1] != '0'): count += int(i.split(' ')[2]) - 1 elif (i.split(' ')[1] == 'a' and a != 0): count += int(i.split(' ')[2]) - 1 elif (i.split(' ')[1] == 'b' and b != 0): count += int(i.split(' ')[2]) - 1 elif (i.split(' ')[1] == 'c' and c != 0): count += int(i.split(' ')[2]) - 1 elif (i.split(' ')[1] == 'd' and d != 0): count += int(i.split(' ')[2]) - 1 count += 1 print count print a
52797b9cba609b57070454e6614cc01f745736b8
0beb76303c915431ada62f2fbe9cf9f803667f2e
/questions/maximum-binary-tree/Solution.py
2509fd3a8872330c2c30d32a6b32a3c76748a6e5
[ "MIT" ]
permissive
ShaoCorn/leetcode-solutions
ad6eaf93eadd9354fd51f5ae93c6b6115174f936
07ee14ba3d3ad7a9f5164ec72f253997c6de6fa5
refs/heads/master
2023-03-19T00:44:33.928623
2021-03-13T01:44:55
2021-03-13T01:44:55
null
0
0
null
null
null
null
UTF-8
Python
false
false
1,878
py
""" You are given an integer array nums with no duplicates. A maximum binary tree can be built recursively from nums using the following algorithm: Create a root node whose value is the maximum value in nums. Recursively build the left subtree on the subarray prefix to the left of the maximum value. Recursively build the right subtree on the subarray suffix to the right of the maximum value. Return the maximum binary tree built from nums.   Example 1: Input: nums = [3,2,1,6,0,5] Output: [6,3,5,null,2,0,null,null,1] Explanation: The recursive calls are as follow: - The largest value in [3,2,1,6,0,5] is 6. Left prefix is [3,2,1] and right suffix is [0,5]. - The largest value in [3,2,1] is 3. Left prefix is [] and right suffix is [2,1]. - Empty array, so no child. - The largest value in [2,1] is 2. Left prefix is [] and right suffix is [1]. - Empty array, so no child. - Only one element, so child is a node with value 1. - The largest value in [0,5] is 5. Left prefix is [0] and right suffix is []. - Only one element, so child is a node with value 0. - Empty array, so no child. Example 2: Input: nums = [3,2,1] Output: [3,null,2,null,1]   Constraints: 1 <= nums.length <= 1000 0 <= nums[i] <= 1000 All integers in nums are unique. """ # Definition for a binary tree node. # class TreeNode: # def __init__(self, val=0, left=None, right=None): # self.val = val # self.left = left # self.right = right class Solution: def constructMaximumBinaryTree(self, nums: List[int]) -> TreeNode: stk = [] for n in nums: node = TreeNode(n) while stk and stk[-1].val < n: node.left = stk.pop() if stk: stk[-1].right = node stk.append(node) return stk[0]
e407556606fcbe38ecf08e8a07f0d038a65c200f
ec53949dafa4b6ad675d679b05ed7c83fef2c69a
/DataStructuresAndAlgo/LinkedList/SingleCircular/searchSingleCircular.py
689ea541a0a5fb820a3180d868aef7d6eaf128b7
[]
no_license
tpotjj/Python
9a5a20a53cd7a6ec14386c1db8ce155e0fc9ab8a
ca73c116ada4d05c0c565508163557744c86fc76
refs/heads/master
2023-07-11T16:37:10.039522
2021-08-14T11:17:55
2021-08-14T11:17:55
null
0
0
null
null
null
null
UTF-8
Python
false
false
2,431
py
class Node: def __init__(self, value=None): self.value = value self.next = None class CircularSingleLinkedList: def __init__(self): self.head = None self.tail = None def __iter__(self): node = self.head while node: yield node node = node.next if node == self.tail.next: break def createCSLL(self, nodeValue): node = Node(nodeValue) node.next = node self.head = node self.tail = node return "CSLL is created" def insertCSLL(self, value, location): if self.head is None: return "The linkedlist does not exist" else: newNode = Node(value) if location == 0: newNode.next = self.head self.head = newNode self.tail.next = newNode elif location == 1: newNode.next = self.tail.next self.tail.next = newNode self.tail = newNode else: tempNode = self.head index = 0 while index < location -1: tempNode = tempNode.next index += 1 nextNode = tempNode.next tempNode.next = newNode newNode.next = nextNode return "Insertion completed" def traverseCSLL(self): if self.head is None: return "The linked list does not contain any node" else: tempNode = self.head while tempNode: print(tempNode.value) tempNode = tempNode.next if tempNode == self.tail.next: break def searchCSLL(self, nodeValue): if self.head is None: return "The linked list does not contain any node" else: tempNode = self.head while tempNode: if tempNode.value == nodeValue: return tempNode.value tempNode = tempNode.next if tempNode == self.tail.next: return "The node does noet exist in this CSLL" csll = CircularSingleLinkedList() csll.createCSLL(1) csll.insertCSLL(0, 0) csll.insertCSLL(2, 1) csll.insertCSLL(3, 2) csll.traverseCSLL() print(csll.searchCSLL(4)) print([node.value for node in csll])
6e53b1e376aede8e6976aa0651c0f0be160d2b0d
ca7aa979e7059467e158830b76673f5b77a0f5a3
/Python_codes/p02675/s931606976.py
56113375870acd3ee74e593566c92faeeefac768
[]
no_license
Aasthaengg/IBMdataset
7abb6cbcc4fb03ef5ca68ac64ba460c4a64f8901
f33f1c5c3b16d0ea8d1f5a7d479ad288bb3f48d8
refs/heads/main
2023-04-22T10:22:44.763102
2021-05-13T17:27:22
2021-05-13T17:27:22
367,112,348
0
0
null
null
null
null
UTF-8
Python
false
false
169
py
n = list(str(input())) if n[-1] =='3': print('bon') exit() if n[-1] =='0'or n[-1] =='1' or n[-1] =='6' or n[-1] == '8': print('pon') exit() print('hon')
892b5b9906e360a8169a5689ac2cb443c84abeef
4a0537a45c8aa1420d4686f7882ee741f32bbbf0
/servee_document/__init__.py
66abf3ed228dfb4724787c3a31194bc2dcd7e5f1
[ "BSD-3-Clause" ]
permissive
servee/django-servee-document
b982204bc4d46d1f937da6ff47ff7b17b354f2b5
99d1a3970dbcb38d1b84ed6687bb709e89cc6a86
refs/heads/master
2021-01-19T10:29:04.427783
2017-01-18T22:16:43
2017-01-18T22:16:43
1,505,296
0
0
null
null
null
null
UTF-8
Python
false
false
405
py
VERSION = (0, 1, 0, "a", 1) # following PEP 386 DEV_N = 1 def get_version(): version = "%s.%s" % (VERSION[0], VERSION[1]) if VERSION[2]: version = "%s.%s" % (version, VERSION[2]) if VERSION[3] != "f": version = "%s%s%s" % (version, VERSION[3], VERSION[4]) if DEV_N: version = "%s.dev%s" % (version, DEV_N) return version __version__ = get_version()
3693c551d22f87cc2fb3deb16b6351be0ee102a2
bf902add6952d7f7decdb2296bb136eea55bf441
/YOLO/.history/pytorch-yolo-v3/video_demo_v1_20201106004132.py
722114a377211c33a1cc09dfe88d19193f6eaa59
[ "MIT" ]
permissive
jphacks/D_2003
c78fb2b4d05739dbd60eb9224845eb78579afa6f
60a5684d549862e85bdf758069518702d9925a48
refs/heads/master
2023-01-08T16:17:54.977088
2020-11-07T06:41:33
2020-11-07T06:41:33
304,576,949
1
4
null
null
null
null
UTF-8
Python
false
false
14,807
py
from __future__ import division import time import torch import torch.nn as nn from torch.autograd import Variable import numpy as np import cv2 from util import * from darknet import Darknet from preprocess import prep_image, inp_to_image import pandas as pd import random import argparse import pickle as pkl import requests from requests.auth import HTTPDigestAuth import io from PIL import Image, ImageDraw, ImageFilter import play import csv import pprint with open('csv/Lidar.csv', encoding="utf-8_sig") as f: LiDAR = csv.reader(f) for row in LiDAR: print(row) def prep_image(img, inp_dim): # CNNに通すために画像を加工する orig_im = img dim = orig_im.shape[1], orig_im.shape[0] img = cv2.resize(orig_im, (inp_dim, inp_dim)) img_ = img[:,:,::-1].transpose((2,0,1)).copy() img_ = torch.from_numpy(img_).float().div(255.0).unsqueeze(0) return img_, orig_im, dim def count(x, img, count): # 画像に結果を描画 c1 = tuple(x[1:3].int()) c2 = tuple(x[3:5].int()) cls = int(x[-1]) label = "{0}".format(classes[cls]) print("label:\n", label) # 人数カウント if(label=='no-mask'): count+=1 print(count) return count def write(x, img,camId): global count global point p = [0,0] # 画像に結果を描画 c1 = tuple(x[1:3].int()) c2 = tuple(x[3:5].int()) cls = int(x[-1]) print(camId, "_c0:",c1) print(camId, "_c1:",c2) label = "{0}".format(classes[cls]) print("label:", label) # 人数カウント if(label=='no-mask'): count+=1 print(count) p[0] = (c2[0]+c1[0])/2 p[1] = (c2[1]+c1[1])/2 point[camId].append(p) color = random.choice(colors) cv2.rectangle(img, c1, c2,color, 1) t_size = cv2.getTextSize(label, cv2.FONT_HERSHEY_PLAIN, 1 , 1)[0] c2 = c1[0] + t_size[0] + 3, c1[1] + t_size[1] + 4 cv2.rectangle(img, c1, c2,color, -1) cv2.putText(img, label, (c1[0], c1[1] + t_size[1] + 4), cv2.FONT_HERSHEY_PLAIN, 1, [225,255,255], 1); return img def arg_parse(): # モジュールの引数を作成 parser = argparse.ArgumentParser(description='YOLO v3 Cam Demo') # ArgumentParserで引数を設定する parser.add_argument("--confidence", dest = "confidence", help = "Object Confidence to filter predictions", default = 0.25) # confidenceは信頼性 parser.add_argument("--nms_thresh", dest = "nms_thresh", help = "NMS Threshhold", default = 0.4) # nms_threshは閾値 parser.add_argument("--reso", dest = 'reso', help = "Input resolution of the network. Increase to increase accuracy. Decrease to increase speed", default = "160", type = str) # resoはCNNの入力解像度で、増加させると精度が上がるが、速度が低下する。 return parser.parse_args() # 引数を解析し、返す def cvpaste(img, imgback, x, y, angle, scale): # x and y are the distance from the center of the background image r = img.shape[0] c = img.shape[1] rb = imgback.shape[0] cb = imgback.shape[1] hrb=round(rb/2) hcb=round(cb/2) hr=round(r/2) hc=round(c/2) # Copy the forward image and move to the center of the background image imgrot = np.zeros((rb,cb,3),np.uint8) imgrot[hrb-hr:hrb+hr,hcb-hc:hcb+hc,:] = img[:hr*2,:hc*2,:] # Rotation and scaling M = cv2.getRotationMatrix2D((hcb,hrb),angle,scale) imgrot = cv2.warpAffine(imgrot,M,(cb,rb)) # Translation M = np.float32([[1,0,x],[0,1,y]]) imgrot = cv2.warpAffine(imgrot,M,(cb,rb)) # Makeing mask imggray = cv2.cvtColor(imgrot,cv2.COLOR_BGR2GRAY) ret, mask = cv2.threshold(imggray, 10, 255, cv2.THRESH_BINARY) mask_inv = cv2.bitwise_not(mask) # Now black-out the area of the forward image in the background image img1_bg = cv2.bitwise_and(imgback,imgback,mask = mask_inv) # Take only region of the forward image. img2_fg = cv2.bitwise_and(imgrot,imgrot,mask = mask) # Paste the forward image on the background image imgpaste = cv2.add(img1_bg,img2_fg) return imgpaste # def beep(freq, dur=100): # winsound.Beep(freq, dur) if __name__ == '__main__': #学習前YOLO # cfgfile = "cfg/yolov3.cfg" # 設定ファイル # weightsfile = "weight/yolov3.weights" # 重みファイル # classes = load_classes('data/coco.names') # 識別クラスのリスト #マスク学習後YOLO cfgfile = "cfg/mask.cfg" # 設定ファイル weightsfile = "weight/mask_1500.weights" # 重みファイル classes = load_classes('data/mask.names') # 識別クラスのリスト num_classes = 80 # クラスの数 args = arg_parse() # 引数を取得 confidence = float(args.confidence) # 信頼性の設定値を取得 nms_thesh = float(args.nms_thresh) # 閾値を取得 start = 0 CUDA = torch.cuda.is_available() # CUDAが使用可能かどうか num_classes = 80 # クラスの数 bbox_attrs = 5 + num_classes max = 0 #限界人数 num_camera = 1 #camera数 model = [[] for i in range(num_camera)] inp_dim = [[] for i in range(num_camera)] cap = [[] for i in range(num_camera)] ret = [[] for i in range(num_camera)] frame = [[] for i in range(num_camera)] img = [[] for i in range(num_camera)] orig_im = [[] for i in range(num_camera)] dim = [[] for i in range(num_camera)] # output = [[] for i in range(num_camera)] # output = torch.tensor(output) # print("output_shape\n", output.shape) for i in range(num_camera): model[i] = Darknet(cfgfile) #model1の作成 model[i].load_weights(weightsfile) # model1に重みを読み込む model[i].net_info["height"] = args.reso inp_dim[i] = int(model[i].net_info["height"]) assert inp_dim[i] % 32 == 0 assert inp_dim[i] > 32 #mixer.init() #初期化 if CUDA: for i in range(num_camera): model[i].cuda() #CUDAが使用可能であればcudaを起動 for i in range(num_camera): model[i].eval() cap[0] = cv2.VideoCapture(1) #カメラを指定(USB接続) # cap[1] = cv2.VideoCapture(1) #カメラを指定(USB接続) # cap = cv2.VideoCapture("movies/sample.mp4") #cap = cv2.VideoCapture("movies/one_v2.avi") # Use the next line if your camera has a username and password # cap = cv2.VideoCapture('protocol://username:password@IP:port/1') #cap = cv2.VideoCapture('rtsp://admin:[email protected]/1') #(ネットワーク接続) #cap = cv2.VideoCapture('rtsp://admin:[email protected]/80') #cap = cv2.VideoCapture('http://admin:[email protected]:80/video') #cap = cv2.VideoCapture('http://admin:[email protected]/camera-cgi/admin/recorder.cgi?action=start&id=samba') #cap = cv2.VideoCapture('http://admin:[email protected]/recorder.cgi?action=start&id=samba') #cap = cv2.VideoCapture('http://admin:[email protected]:80/snapshot.jpg?user=admin&pwd=admin&strm=0') print('-1') #assert cap.isOpened(), 'Cannot capture source' #カメラが起動できたか確認 img1 = cv2.imread("images/phase_1.jpg") img2 = cv2.imread("images/phase_2.jpg") img3 = cv2.imread("images/phase_2_red.jpg") img4 = cv2.imread("images/phase_3.jpg") #mixer.music.load("voice/voice_3.m4a") #print(img1) frames = 0 count_frame = 0 #フレーム数カウント flag = 0 #密状態(0:疎密,1:密入り) start = time.time() print('-1') while (cap[i].isOpened() for i in range(num_camera)): #カメラが起動している間 count=0 #人数をカウント point = [[] for i in range(num_camera)] for i in range(num_camera): ret[i], frame[i] = cap[i].read() #キャプチャ画像を取得 if (ret[i] for i in range(num_camera)): # 解析準備としてキャプチャ画像を加工 for i in range(num_camera): img[i], orig_im[i], dim[i] = prep_image(frame[i], inp_dim[i]) if CUDA: for i in range(num_camera): im_dim[i] = im_dim[i].cuda() img[i] = img[i].cuda() for i in range(num_camera): # output[i] = model[i](Variable(img[i]), CUDA) output = model[i](Variable(img[i]), CUDA) #print("output:\n", output) # output[i] = write_results(output[i], confidence, num_classes, nms = True, nms_conf = nms_thesh) output = write_results(output, confidence, num_classes, nms = True, nms_conf = nms_thesh) # print("output", i, ":\n", output[i]) print(output.shape) """ # FPSの表示 if (type(output[i]) == int for i in range(num_camera)): print("表示") frames += 1 print("FPS of the video is {:5.2f}".format( frames / (time.time() - start))) # qキーを押すとFPS表示の終了 key = cv2.waitKey(1) if key & 0xFF == ord('q'): break continue for i in range(num_camera): output[i][:,1:5] = torch.clamp(output[i][:,1:5], 0.0, float(inp_dim[i]))/inp_dim[i] output[i][:,[1,3]] *= frame[i].shape[1] output[i][:,[2,4]] *= frame[i].shape[0] """ # FPSの表示 if type(output) == int: print("表示") frames += 1 print("FPS of the video is {:5.2f}".format( frames / (time.time() - start))) # qキーを押すとFPS表示の終了 key = cv2.waitKey(1) if key & 0xFF == ord('q'): break continue for i in range(num_camera): output[:,1:5] = torch.clamp(output[:,1:5], 0.0, float(inp_dim[i]))/inp_dim[i] output[:,[1,3]] *= frame[i].shape[1] output[:,[2,4]] *= frame[i].shape[0] colors = pkl.load(open("pallete", "rb")) #count = lambda x: count(x, orig_im, count) #人数をカウント """ for i in range(num_camera): list(map(lambda x: write(x, orig_im[i]), output[i])) print("count:\n",count) """ for i in range(num_camera): list(map(lambda x: write(x, orig_im[i], i), output)) print("count:\n",count) print("count_frame", count_frame) print("framex", frame[0].shape[1]) print("framey", frame[0].shape[0]) print("point0",point[0]) num_person = 0 radian_lists = [] for count, (radian, length) in enumerate(Lidar): radian_cam = [[] for i in range(point)] if count % 90 == 0: radian_list = [] if count < 90: for num, p in enumerate(point[0]): radian_cam[num] = p / frame[0].shape[1] * 100 for dif in range(10): if int(radian)+dif-5 == int(radian_cam): num_person += 1 radian_list.append(radian) elif count < 180: for num, p in enumerate(point[0]): radian_cam[num] = p / frame[0].shape[1] * 100 for dif in range(10): if int(radian)+dif-5 == int(radian_cam): num_person += 1 radian_list.append(radian) elif count < 270: for num, p in enumerate(point[0]): radian_cam[num] = p / frame[0].shape[1] * 100 for dif in range(10): if int(radian)+dif-5 == int(radian_cam): num_person += 1 radian_list.append(radian) else: for num, p in enumerate(point[0]): radian_cam[num] = p / frame[0].shape[1] * 100 for dif in range(10): if int(radian)+dif-5 == int(radian_cam): num_person += 1 radian_list.append(radian) # print("point1",point[1]) if count > max: count_frame += 1 #print("-1") if count_frame <= 50: x=0 y=0 angle=20 scale=1.5 for i in range(num_camera): imgpaste = cvpaste(img1, orig_im[i], x, y, angle, scale) if flag == 1: play.googlehome() flag += 1 #mixer.music.play(1) elif count_frame <= 100: x=-30 y=10 angle=20 scale=1.1 if count_frame%2==1: for i in range(num_camera): imgpaste = cvpaste(img2, orig_im[i], x, y, angle, scale) else: for i in range(num_camera): imgpaste = cvpaste(img3, orig_im[i], x, y, angle, scale) if flag == 2: play.googlehome() flag += 1 else: x=-30 y=0 angle=20 scale=1.5 for i in range(num_camera): imgpaste = cvpaste(img4, orig_im[i], x, y, angle, scale) if count_frame > 101: #<--2フレームずらす print("\007") #警告音 time.sleep(3) if flag == 3: play.googlehome() flag += 1 cv2.imshow("frame", imgpaste) else: count_frame = 0 flag = 0 #print("-2") for i in range(num_camera): cv2.imshow("frame", orig_im[i]) # play.googlehome() key = cv2.waitKey(1) # qキーを押すと動画表示の終了 if key & 0xFF == ord('q'): break frames += 1 print("count_frame:\n", count_frame) print("FPS of the video is {:5.2f}".format( frames / (time.time() - start))) else: break
298a3fca6d8a1714293ac0664d61974996d18ffd
ed269e9a4d9d6bfbb833381b7aef65a23f391fe2
/比赛/1685. 有序数组中差绝对值之和.py
b9089483502c2c3b47da1d63fd0a60dc01a825b3
[]
no_license
Comyn-Echo/leeCode
fcff0d4c4c10209a47bd7c3204e3f64565674c91
67e9daecb7ffd8f7bcb2f120ad892498b1219327
refs/heads/master
2023-04-28T17:35:52.963069
2021-05-19T01:52:16
2021-05-19T01:52:16
null
0
0
null
null
null
null
UTF-8
Python
false
false
832
py
import math class Solution(object): def getSumAbsoluteDifferences(self, nums): """ :type nums: List[int] :rtype: List[int] """ length = len(nums) cur = 0 preSum = [0 for i in range(length+1)] for i in range(length): cur += nums[i] preSum[i+1] = cur # print(preSum) ans = [] for index, i in enumerate(nums): leftSum = preSum[index] left = index right = length - left -1 rightSum = preSum[length] - preSum[index+1] # print(leftSum, rightSum) now = math.fabs(i* left - leftSum) + math.fabs(i* right - rightSum) print(now) ans.append(int(now)) return ans Solution.getSumAbsoluteDifferences(None,[2,3,5])
419e0aa50ad504f2287e3a41edc23acac17a9c8f
bb613b9eb6f5279b25908515d1e17d4dff68186b
/tests/localization_tests/test_ko.py
207d9029c71b2219779ec2a0a2e139cdac9767c3
[ "MIT" ]
permissive
mayfield/pendulum
eb0b9c66f89a5d164446e728b8f8bc8e8d7f47d9
bd7e9531bda35c45ddf794138c9967d9454209d4
refs/heads/master
2021-01-17T08:30:18.122524
2016-08-24T22:29:50
2016-08-24T22:29:50
66,504,189
0
0
null
2016-08-24T22:24:29
2016-08-24T22:24:28
null
UTF-8
Python
false
false
2,363
py
# -*- coding: utf-8 -*- from pendulum import Pendulum from .. import AbstractTestCase from . import AbstractLocalizationTestCase class KoTest(AbstractLocalizationTestCase, AbstractTestCase): locale = 'ko' def diff_for_humans(self): with self.wrap_with_test_now(): d = Pendulum.now().subtract(seconds=1) self.assertEqual('1 초 전', d.diff_for_humans()) d = Pendulum.now().subtract(seconds=2) self.assertEqual('2 초 전', d.diff_for_humans()) d = Pendulum.now().subtract(minutes=1) self.assertEqual('1 분 전', d.diff_for_humans()) d = Pendulum.now().subtract(minutes=2) self.assertEqual('2 분 전', d.diff_for_humans()) d = Pendulum.now().subtract(hours=1) self.assertEqual('1 시간 전', d.diff_for_humans()) d = Pendulum.now().subtract(hours=2) self.assertEqual('2 시간 전', d.diff_for_humans()) d = Pendulum.now().subtract(days=1) self.assertEqual('1 일 전', d.diff_for_humans()) d = Pendulum.now().subtract(days=2) self.assertEqual('2 일 전', d.diff_for_humans()) d = Pendulum.now().subtract(weeks=1) self.assertEqual('1 주일 전', d.diff_for_humans()) d = Pendulum.now().subtract(weeks=2) self.assertEqual('2 주일 전', d.diff_for_humans()) d = Pendulum.now().subtract(months=1) self.assertEqual('1 개월 전', d.diff_for_humans()) d = Pendulum.now().subtract(months=2) self.assertEqual('2 개월 전', d.diff_for_humans()) d = Pendulum.now().subtract(years=1) self.assertEqual('1 년 전', d.diff_for_humans()) d = Pendulum.now().subtract(years=2) self.assertEqual('2 년 전', d.diff_for_humans()) d = Pendulum.now().add(seconds=1) self.assertEqual('1 초 후', d.diff_for_humans()) d = Pendulum.now().add(seconds=1) d2 = Pendulum.now() self.assertEqual('1 초 뒤', d.diff_for_humans(d2)) self.assertEqual('1 초 앞', d2.diff_for_humans(d)) self.assertEqual('1 초', d.diff_for_humans(d2, True)) self.assertEqual('2 초', d2.diff_for_humans(d.add(seconds=1), True))
7414fd98d42d6e768a6f1ee6d810c5b17e116d26
fce5eda4745578557f7120104188c2437529b98f
/loops/while/programa_enquete.py
2b558d6a9ae86ed8bf432898056552414884c0b8
[]
no_license
weguri/python
70e61584e8072125a4b4c57e73284ee4eb10f33b
d5195f82428104d85b0e6215b75e31ee260e5370
refs/heads/master
2022-12-01T08:26:36.248787
2020-08-23T03:30:46
2020-08-23T03:30:46
null
0
0
null
null
null
null
UTF-8
Python
false
false
739
py
respostas = dict() # Define uma flag para indicar que a enquete está ativa votacao_ativa = True while votacao_ativa: # Pede o nome da pessoa e a resposta nome = input("\nQual é o seu nome? ") resposta = input("Qual é o seu animal favorito? ") if resposta == "": continue # Armazena a resposta no dicionario respostas[nome] = resposta # Perguntar se deseja continuar ou não repetir = input("Deseja incluir mais algum animal?(S/N) ") if repetir.lower() == 'n': votacao_ativa = False # A enquete foi concluída. Mostra os resultados print('\n', '-' * 12, 'Resultado', '-' * 12) for nome, resposta in respostas.items(): print("%s é o animal favorito do %s" % (resposta, nome))
08ff099c5ed7b9163cedf928c7367bd903d5c48c
ea1af1a564f96fb36974aa094192877598b0c6bf
/Chapter7/Samples/even_or_odd.py
b9586fb2f08798bd5b1d1f990db9f1d19861d275
[]
no_license
GSantos23/Crash_Course
63eecd13a60141e520b5ca4351341c21c4782801
4a5fc0cb9ce987948a728d43c4f266d34ba49a87
refs/heads/master
2020-03-20T23:20:43.201255
2018-08-21T01:13:06
2018-08-21T01:13:06
137,841,877
0
0
null
null
null
null
UTF-8
Python
false
false
244
py
# Sample 7.4 number = input("Enter a number, and I'll tell you if it's even or odd: ") number = int(number) if number % 2 == 0: print("\nThe number " + str(number) + " is even.") else: print("\nThe number " + str(number) + " is odd.")
611c4a17b89df4081e481c466963b09963030328
deaf5d0574494c06c0244be4b4f93ffa9b4e9e00
/pandas_ml/skaccessors/covariance.py
aca597e1c5f6debb5f0994ee6c690562fff85bf8
[]
no_license
Mars-Wei/pandas-ml
71db18a6f4e0c4fbe3ba8a5390d39ffb5ffd7db6
994197dfbf57e289e9f3fce2cb90d109b0afbbe3
refs/heads/master
2021-01-20T17:13:29.139122
2015-11-01T00:07:46
2015-11-01T00:07:46
null
0
0
null
null
null
null
UTF-8
Python
false
false
1,618
py
#!/usr/bin/env python import numpy as np import pandas as pd from pandas_ml.core.accessor import _AccessorMethods class CovarianceMethods(_AccessorMethods): """ Accessor to ``sklearn.covariance``. """ _module_name = 'sklearn.covariance' def empirical_covariance(self, *args, **kwargs): """ Call ``sklearn.covariance.empirical_covariance`` using automatic mapping. - ``X``: ``ModelFrame.data`` """ func = self._module.empirical_covariance data = self._data covariance = func(data.values, *args, **kwargs) covariance = self._constructor(covariance, index=data.columns, columns=data.columns) return covariance def ledoit_wolf(self, *args, **kwargs): """ Call ``sklearn.covariance.ledoit_wolf`` using automatic mapping. - ``X``: ``ModelFrame.data`` """ func = self._module.ledoit_wolf data = self._data shrunk_cov, shrinkage = func(data.values, *args, **kwargs) shrunk_cov = self._constructor(shrunk_cov, index=data.columns, columns=data.columns) return shrunk_cov, shrinkage def oas(self, *args, **kwargs): """ Call ``sklearn.covariance.oas`` using automatic mapping. - ``X``: ``ModelFrame.data`` """ func = self._module.oas data = self._data shrunk_cov, shrinkage = func(data.values, *args, **kwargs) shrunk_cov = self._constructor(shrunk_cov, index=data.columns, columns=data.columns) return shrunk_cov, shrinkage
56dbb2cdb998061e64756b96835adf91b0b9d505
8fce2bc291452d88f883616c6610d9e0cc6609f7
/util/label_map_util.py
916ee37f3a391c0be3e21d59a33c3be18deb5bfa
[ "ISC" ]
permissive
BlueLens/bl-api-search
02830ef35d1e9dee659c6b8c1e36b0077c16fdc9
bf213776abb3e969cb63477a68f9f0a1c537eca2
refs/heads/master
2021-07-24T03:20:08.449203
2017-11-04T15:39:04
2017-11-04T15:39:04
105,105,987
0
1
null
null
null
null
UTF-8
Python
false
false
4,367
py
# Copyright 2017 The TensorFlow Authors. 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. # ============================================================================== """Label map utility functions.""" import logging import tensorflow as tf from google.protobuf import text_format from . import string_int_label_map_pb2 def create_category_index(categories): """Creates dictionary of COCO compatible categories keyed by category id. Args: categories: a list of dicts, each of which has the following keys: 'id': (required) an integer id uniquely identifying this category. 'name': (required) string representing category name e.g., 'cat', 'dog', 'pizza'. Returns: category_index: a dict containing the same entries as categories, but keyed by the 'id' field of each category. """ category_index = {} for cat in categories: category_index[cat['id']] = cat return category_index def convert_label_map_to_categories(label_map, max_num_classes, use_display_name=True): """Loads label map proto and returns categories list compatible with eval. This function loads a label map and returns a list of dicts, each of which has the following keys: 'id': (required) an integer id uniquely identifying this category. 'name': (required) string representing category name e.g., 'cat', 'dog', 'pizza'. We only allow class into the list if its id-label_id_offset is between 0 (inclusive) and max_num_classes (exclusive). If there are several items mapping to the same id in the label map, we will only keep the first one in the categories list. Args: label_map: a StringIntLabelMapProto or None. If None, a default categories list is created with max_num_classes categories. max_num_classes: maximum number of (consecutive) label indices to include. use_display_name: (boolean) choose whether to load 'display_name' field as category name. If False of if the display_name field does not exist, uses 'name' field as category names instead. Returns: categories: a list of dictionaries representing all possible categories. """ categories = [] list_of_ids_already_added = [] if not label_map: label_id_offset = 1 for class_id in range(max_num_classes): categories.append({ 'id': class_id + label_id_offset, 'name': 'category_{}'.format(class_id + label_id_offset) }) return categories for item in label_map.item: if not 0 < item.id <= max_num_classes: logging.info('Ignore item %d since it falls outside of requested ' 'label range.', item.id) continue name = item.name code = item.display_name if item.id not in list_of_ids_already_added: list_of_ids_already_added.append(item.id) categories.append({'id': item.id, 'name': name, 'code': code}) return categories # TODO: double check documentaion. def load_labelmap(path): """Loads label map proto. Args: path: path to StringIntLabelMap proto text file. Returns: a StringIntLabelMapProto """ with tf.gfile.GFile(path, 'r') as fid: label_map_string = fid.read() label_map = string_int_label_map_pb2.StringIntLabelMap() try: text_format.Merge(label_map_string, label_map) except text_format.ParseError: label_map.ParseFromString(label_map_string) return label_map def get_label_map_dict(label_map_path): """Reads a label map and returns a dictionary of label names to id. Args: label_map_path: path to label_map. Returns: A dictionary mapping label names to id. """ label_map = load_labelmap(label_map_path) label_map_dict = {} for item in label_map.item: label_map_dict[item.name] = item.id return label_map_dict
5173c9eb2fab5fd8da633920ab0ff53a7ce5e390
e2a63481c05e08fdcd2243946f813c5f8d5c2e99
/update_features.py
a7a4c8427ec6e8855f0698066eed45b218e86bdc
[ "Apache-2.0" ]
permissive
mapsme/cf_audit
3127bc1b36b5c080387766b85d808f5e16124895
1089ad5b6ee74ee2bf7953a972062068f3f3f8ab
refs/heads/master
2023-01-31T04:16:07.769088
2023-01-22T15:24:07
2023-01-22T15:24:07
111,695,225
6
9
Apache-2.0
2023-01-22T15:24:09
2017-11-22T14:36:03
JavaScript
UTF-8
Python
false
false
1,608
py
#!/usr/bin/env python import os import sys BASE_DIR = os.path.abspath(os.path.dirname(__file__)) sys.path.insert(0, BASE_DIR) PYTHON = 'python2.7' VENV_DIR = os.path.join(BASE_DIR, 'venv', 'lib', PYTHON, 'site-packages') if os.path.exists(VENV_DIR): sys.path.insert(1, VENV_DIR) import codecs import datetime import logging import json from www.db import Project, database from www.util import update_features, update_features_cache if len(sys.argv) < 3: print "Usage: {} <project_id> <features.json> [<audit.json>]".format(sys.argv[0]) sys.exit(1) logging.basicConfig(level=logging.INFO, format='%(asctime)s %(message)s', datefmt='%H:%M:%S') logging.info('Reading JSON files') if sys.argv[2] == '-': features = [] else: with codecs.open(sys.argv[2], 'r', 'utf-8') as f: features = json.load(f)['features'] audit = None if len(sys.argv) > 3: with codecs.open(sys.argv[3], 'r', 'utf-8') as f: audit = json.load(f) if not features and not audit: logging.error("No features read") sys.exit(2) try: project = Project.get(Project.name == sys.argv[1]) except Project.DoesNotExist: logging.error("No such project: %s", sys.argv[1]) sys.exit(2) logging.info('Updating features') proj_audit = json.loads(project.audit or '{}') if audit: proj_audit.update(audit) project.audit = json.dumps(proj_audit, ensure_ascii=False) project.updated = datetime.datetime.utcnow().date() with database.atomic(): update_features(project, features, proj_audit) logging.info('Updating the feature cache') update_features_cache(project) project.save()
60e23adbd3b4692652d12167c566829b3c70cb6d
fce003f93476ec393e0fc2f7255e9e2367e8f07e
/generateParantheses.py
a8e6e57d647ae03f1b1157c48b176e1feb09c0c6
[]
no_license
WillLuong97/Back-Tracking
f3f6cb9f31dd3e59ed3826cfbdfa5972d6277e01
54bfe83f4bd6c7fef23a2a15cffcaa40129250cb
refs/heads/master
2023-07-02T05:20:52.510639
2021-08-11T00:37:41
2021-08-11T00:37:41
287,618,480
0
1
null
null
null
null
UTF-8
Python
false
false
1,749
py
# Given n pairs of parentheses, write a function to generate all combinations of well-formed parentheses. # For example, given n = 3, a solution set is: # [ # "((()))", # "(()())", # "(())()", # "()(())", # "()()()" # ] #first approach - Brute Force def generateParenthesis(n): def generate(A = []): # print(A) if len(A) == 2*n: if valid(A): ans.append("".join(A)) else: A.append('(') generate(A) A.pop() A.append(')') generate(A) A.pop() def valid(A): bal = 0 for c in A: if c == '(': bal += 1 else: bal -= 1 if bal < 0: return False return bal == 0 ans = [] generate() return ans #second approach - using back tracking: def generateParenthesis_BackTracking(n): retStr = [] #back tracking def backTracking(parenString = "", opening_bracket_index = 0 , closing_bracket_index = 0): #if the parentheses string finally reaches number of parentheses pairs: if(len(parenString) == 2 * n): retStr.append(parenString) #add a opening parentheses to the string parenthese string: if opening_bracket_index < n: backTracking(parenString + '(', opening_bracket_index + 1, closing_bracket_index) #add a closing parenthese to string if closing_bracket_index < opening_bracket_index: backTracking(parenString + ')', opening_bracket_index, closing_bracket_index + 1) backTracking() return retStr def main(): print(generateParenthesis(2)) print("") print(generateParenthesis_BackTracking(2)) pass main()
d2d09e0416267edf3afd5d46e8489754f3ce3e27
611c184838b8c5cfafe61c9877a32606e2d435eb
/OtherScripts/Split.py
af567a81ee36eb111cae70b69564fdc920ed6100
[]
no_license
minghao2016/protein_structure_clustering
c6ac06c15f5ca03d506ec6ced51bd70d4838eaa0
3e709bf370071d2bf16cb24b0d0d9779ca005c3e
refs/heads/master
2022-01-20T15:46:33.694778
2019-04-12T17:03:25
2019-04-12T17:03:25
null
0
0
null
null
null
null
UTF-8
Python
false
false
166
py
x = 'C:/Users/pedro.arguelles/Desktop/Repos/oi-mua/src/OI.FFM.InboundServices/pas/' y = '/'.join(str(x).split('/')[7:]) y = str(y).replace('/','\\') print(y)
695541aeff8d2f878246fea73c798f9f927e6ce0
ed702dcb76a85d815d322c426d62f9f3f213b137
/light.py
dbe24f48bfdd429821444d2e6082eca1ae33dd1e
[]
no_license
jack1806/Lamp
5f9d400eb34b224c96dcacec3834c901f4ad0a1a
9271bccecd47d4d3924fe311c0d8cff0e7e0d490
refs/heads/master
2020-03-26T20:21:38.078186
2018-08-19T16:26:07
2018-08-19T16:26:07
145,319,111
0
0
null
null
null
null
UTF-8
Python
false
false
958
py
#!/usr/bin/python3 import argparse import requests LED_ON = "http://192.168.4.1/led/0" LED_OFF = "http://192.168.4.1/led/1" def req(url): try: request = requests.get(url) response = request.text if response: return 0 else: print("Something went wrong!") except requests.ConnectionError or requests.ConnectTimeout: print("Something went wrong!") if __name__ == "__main__": parser = argparse.ArgumentParser(description="It works!") parser.add_argument("mode", type=str, metavar="on/off") args = parser.parse_args() print(args.mode) # parser.add_argument("-on", help="Turn on", action="store_true", default=False) # parser.add_argument("-off", help="Turn off", action="store_true", default=False) # args = parser.parse_args() # if args.on: # req(LED_ON) # elif args.off: # req(LED_OFF) # else: # parser.print_help()
1fee2606104089bb18dc89e6b2349bdbb11e5e26
83de24182a7af33c43ee340b57755e73275149ae
/aliyun-python-sdk-hbase/aliyunsdkhbase/request/v20190101/UnTagResourcesRequest.py
3b7a375a83fe401cbc85e1de3ee25a29e7df3a56
[ "Apache-2.0" ]
permissive
aliyun/aliyun-openapi-python-sdk
4436ca6c57190ceadbc80f0b1c35b1ab13c00c7f
83fd547946fd6772cf26f338d9653f4316c81d3c
refs/heads/master
2023-08-04T12:32:57.028821
2023-08-04T06:00:29
2023-08-04T06:00:29
39,558,861
1,080
721
NOASSERTION
2023-09-14T08:51:06
2015-07-23T09:39:45
Python
UTF-8
Python
false
false
1,950
py
# Licensed to the Apache Software Foundation (ASF) under one # or more contributor license agreements. See the NOTICE file # distributed with this work for additional information # regarding copyright ownership. The ASF licenses this file # to you 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 aliyunsdkcore.request import RpcRequest from aliyunsdkhbase.endpoint import endpoint_data class UnTagResourcesRequest(RpcRequest): def __init__(self): RpcRequest.__init__(self, 'HBase', '2019-01-01', 'UnTagResources','hbase') self.set_method('POST') if hasattr(self, "endpoint_map"): setattr(self, "endpoint_map", endpoint_data.getEndpointMap()) if hasattr(self, "endpoint_regional"): setattr(self, "endpoint_regional", endpoint_data.getEndpointRegional()) def get_All(self): return self.get_query_params().get('All') def set_All(self,All): self.add_query_param('All',All) def get_ResourceIds(self): return self.get_query_params().get('ResourceId') def set_ResourceIds(self, ResourceIds): for depth1 in range(len(ResourceIds)): if ResourceIds[depth1] is not None: self.add_query_param('ResourceId.' + str(depth1 + 1) , ResourceIds[depth1]) def get_TagKeys(self): return self.get_query_params().get('TagKey') def set_TagKeys(self, TagKeys): for depth1 in range(len(TagKeys)): if TagKeys[depth1] is not None: self.add_query_param('TagKey.' + str(depth1 + 1) , TagKeys[depth1])
39b9a6cb194a618d38d92f0d437d3b47363248c9
1a7e621312f88bc940e33ee5ff9ca5ac247f2bc9
/venv/bin/django-admin.py
e07af0189af5844d527efeef517bb577881fadd1
[]
no_license
hirossan4049/ZisakuZitenAPI
9c2ef8de5c197353a33f58518d60aff304b8d2df
439f202b4939059b42c771960ad579048737f3d7
refs/heads/master
2022-05-04T12:08:39.670493
2020-01-11T06:23:41
2020-01-11T06:23:41
225,121,453
0
1
null
2022-04-22T22:50:05
2019-12-01T07:14:23
Python
UTF-8
Python
false
false
179
py
#!/Users/Linear/Desktop/pythonnnnn/ZisakuZitenRestServer/venv/bin/python from django.core import management if __name__ == "__main__": management.execute_from_command_line()
601bc5df1c1b8dc0775b683e62fc763c59b76786
afa2ebb439e6592caf42c507a789833b9fbf44b2
/supervised_learning/0x03-optimization/11-learning_rate_decay.py
040b4379fbcdd158d5e82d23cdbf111a9811b6bc
[]
no_license
anaruzz/holbertonschool-machine_learning
64c66a0f1d489434dd0946193747ed296760e6c8
91300120d38acb6440a6dbb8c408b1193c07de88
refs/heads/master
2023-07-30T20:09:30.416167
2021-09-23T16:22:40
2021-09-23T16:22:40
279,293,274
0
0
null
null
null
null
UTF-8
Python
false
false
328
py
#!/usr/bin/env python3 """ Script that updates a variable in place using inverse time decay in numpy """ import numpy as np def learning_rate_decay(alpha, decay_rate, global_step, decay_step): """ returns the updated value for alpha """ alpha /= (1 + decay_rate * (global_step // decay_step)) return alpha
b8c08f536f252f2e18333297c68a7f02a00115ad
155b6c640dc427590737750fe39542a31eda2aa4
/api-test/hmpt/test/test_018_web_FirstCheck.py
2abf5ac402687d0eed2f99a4f8e3fc1f060f780d
[]
no_license
RomySaber/api-test
d4b3add00e7e5ed70a5c72bb38dc010f67bbd981
028c9f7fe0d321db2af7f1cb936c403194db850c
refs/heads/master
2022-10-09T18:42:43.352325
2020-06-11T07:00:04
2020-06-11T07:00:04
271,468,744
0
0
null
null
null
null
UTF-8
Python
false
false
36,726
py
#!/usr/bin/env python # -*- coding: utf-8 -*- """ @Time :2019-06-11 下午 3:33 @Author : 罗林 @File : test_018_web_FirstCheck.py @desc : 信审管理自动化测试用例 """ import json import unittest from faker import Factory from common.myCommon import Assertion from common.myCommon.TestBaseCase import TestBaseCase from common.myFile import MockData as MD from hmpt.query import xqkj_query from hmpt.testAction import WebAction from hmpt.testAction import loginAction # from hmpt.testAction import specialAction fake = Factory().create('zh_CN') labelcontent = loginAction.sign + MD.words_cn(2) customerinformation = loginAction.sign + MD.words_cn(2) impactdata = loginAction.sign + MD.words_cn(2) windcontroldatasource = loginAction.sign + MD.words_en_lower(2) class test_018_web_FirstCheck(TestBaseCase): def test_001_active_contract(self): """ 激活订单,修改订单状态未机审通过 :return: """ global contract_uuid, app_user_uuid app_user_uuid = loginAction.get_user_uuid() contract_uuid = xqkj_query.get_contract_uuid_for_user(app_user_uuid) # contract_uuid = '3222d8b7acac4a45a91f0b1b01bd6fec' # contract_uuid = xqkj_query.get_contract_uuid_for_machine() loginAction.global_dict.set(contract_uuid=contract_uuid) loginAction.global_dict.set(app_user_uuid=app_user_uuid) # 修改订单状态为机审通过 xqkj_query.update_contract_machine_pass(contract_uuid, app_user_uuid) @unittest.skip('每次都会发送短信') def test_002_api_78dk_platform_tm_first_firstCheck_fail(self): """ 初审 不通过 """ xqkj_query.update_contract_machine_first_check(contract_uuid) res = WebAction.test_api_78dk_platform_tm_first_firstCheck( uuid=contract_uuid, message='初审 不通过', checkstate='fail', firstchecksuggest=10000) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') @unittest.skip('需要再次调试') def test_003_api_78dk_platform_tm_first_viewFirstCheckContract_fail(self): """ 初审信息查询 初审 不通过 :return: """ res = WebAction.test_api_78dk_platform_tm_first_viewFirstCheckContract(contract_uuid) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') def test_004_api_78dk_platform_tm_first_viewFirstCheckContracts_fail(self): """ 初审列表查询 初审 不通过 :return: """ res = json.loads(WebAction.test_api_78dk_platform_tm_first_viewFirstCheckContracts( pagesize=10, state='all', pagecurrent=1, name='', begindate='', contractnumber='', enddate='', lable='', phone='', username='', firstcheckname='')) Assertion.verity(res['msg'], '成功') Assertion.verity(res['code'], '10000') Assertion.verity(res['data']['currentPage'], 1) Assertion.verity(res['data']['pageSize'], 10) Assertion.verityContain(res['data'], 'dataList') @unittest.skip('每次都会发送短信') def test_005_api_78dk_platform_tm_first_firstCheck_cancel(self): """ 初审 取消 """ xqkj_query.update_contract_machine_first_check(contract_uuid) res = WebAction.test_api_78dk_platform_tm_first_firstCheck( uuid=contract_uuid, message='初审 取消', checkstate='cancel', firstchecksuggest=10000) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') @unittest.skip('需要再次调试') def test_006_api_78dk_platform_tm_first_viewFirstCheckContract_cancel(self): """ 初审信息查询 初审 取消 :return: """ res = WebAction.test_api_78dk_platform_tm_first_viewFirstCheckContract(contract_uuid) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') def test_007_api_78dk_platform_tm_first_viewFirstCheckContracts_cancel(self): """ 初审列表查询 初审 取消 :return: """ res = json.loads(WebAction.test_api_78dk_platform_tm_first_viewFirstCheckContracts( pagesize=10, state='all', pagecurrent=1, name='', begindate='', contractnumber='', enddate='', lable='', phone='', username='', firstcheckname='')) Assertion.verity(res['msg'], '成功') Assertion.verity(res['code'], '10000') Assertion.verity(res['data']['currentPage'], 1) Assertion.verity(res['data']['pageSize'], 10) Assertion.verityContain(res['data'], 'dataList') @unittest.expectedFailure def test_008_api_78dk_platform_tm_first_firstCheck_cancel_pass(self): """ 初审 通过 """ xqkj_query.update_contract_machine_first_check(contract_uuid) res = WebAction.test_api_78dk_platform_tm_first_firstCheck( uuid=contract_uuid, message='初审 通过', checkstate='pass', firstchecksuggest=10000) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') @unittest.skip('需要再次调试') def test_009_api_78dk_platform_tm_first_viewFirstCheckContract_pass(self): """ 初审信息查询 初审 通过 :return: """ res = WebAction.test_api_78dk_platform_tm_first_viewFirstCheckContract(contract_uuid) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') def test_010_api_78dk_platform_tm_first_viewFirstCheckContracts_pass(self): """ 初审列表查询 初审 通过 :return: """ res = json.loads(WebAction.test_api_78dk_platform_tm_first_viewFirstCheckContracts( pagesize=10, state='all', pagecurrent=1, name='', begindate='', contractnumber='', enddate='', lable='', phone='', username='', firstcheckname='')) Assertion.verity(res['msg'], '成功') Assertion.verity(res['code'], '10000') Assertion.verity(res['data']['currentPage'], 1) Assertion.verity(res['data']['pageSize'], 10) Assertion.verityContain(res['data'], 'dataList') def test_011_api_78dk_platform_tm_first_viewTongdunInfo(self): """ 同盾信息查询 :return: """ res = WebAction.test_api_78dk_platform_tm_first_viewTongdunInfo(contract_uuid) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') def test_012_api_78dk_platform_tm_first_viewMxInfo(self): """ 查询魔蝎报告 :return: """ res = WebAction.test_api_78dk_platform_tm_first_viewMxInfo(contractuuid=contract_uuid, type='1') Assertion.verity(json.loads(res)['code'], '20000') Assertion.verity(json.loads(res)['msg'], '通过合同UUID查询不到魔蝎数据!') def test_013_api_78dk_platform_tm_first_viewContractImages(self): """ 审核详情-影像资料(新) :return: """ res = WebAction.test_api_78dk_platform_tm_first_viewContractImages(contractuuid=contract_uuid) # Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '20000') def test_014_api_78dk_platform_tm_first_viewImageDataConfig_home(self): """ 查询影像列表 家装分期 :return: """ res = WebAction.test_api_78dk_platform_tm_first_viewImageDataConfig( subdivisiontype='subdivision_type_home_installment') Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') def test_014_api_78dk_platform_tm_first_viewImageDataConfig_earnest(self): """ 查询影像列表 定金分期 :return: """ res = WebAction.test_api_78dk_platform_tm_first_viewImageDataConfig( subdivisiontype='subdivision_type_earnest_installment') Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') def test_015_api_78dk_platform_tm_first_selectCanAuditCheck(self): """ 是否有权限审核 :return: """ res = WebAction.test_api_78dk_platform_tm_first_selectCanAuditCheck( uid=contract_uuid, checktype='audit_check_first') Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') @unittest.skip('获取接口参数错误') def test_016_api_78dk_platform_tm_first_addAuditComment_one(self): """ 添加一条评论 :return: """ res = WebAction.test_api_78dk_platform_tm_first_addAuditComment() # auditcommentattachments=[], contractuuid=contract_uuid, replyauditcommentuuid='', # comment=fake.text(max_nb_chars=10)) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') @unittest.skip('获取接口参数错误') def test_017_api_78dk_platform_tm_first_addAuditComment_two(self): """ 添加一条评论 :return: """ res = WebAction.test_api_78dk_platform_tm_first_addAuditComment() # auditcommentattachments=[], contractuuid=contract_uuid, replyauditcommentuuid='', # comment=fake.text(max_nb_chars=50)) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') global auditCommentUuid auditCommentUuid = json.loads(res)['data']['auditCommentUuid'] @unittest.skip('获取接口参数错误') def test_018_api_78dk_platform_tm_first_editAuditComment(self): """ 编辑一条评论 :return: """ res = WebAction.test_api_78dk_platform_tm_first_editAuditComment() # auditcommentuuid=auditCommentUuid, auditcommentattachments=[], contractuuid=contract_uuid, # replyauditcommentuuid='', comment=fake.text(max_nb_chars=100)) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') global delAuditCommentUuid delAuditCommentUuid = json.loads(res)['data']['auditCommentUuid'] @unittest.skip('获取接口参数错误') def test_019_api_78dk_platform_tm_first_delAuditComment(self): """ 删除一条评论 :return: """ res = WebAction.test_api_78dk_platform_tm_first_delAuditComment(delAuditCommentUuid) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') @unittest.skip('获取接口参数错误') def test_020_api_78dk_platform_tm_first_findAuditCommentList(self): """ 查询评论列表 :return: """ res = WebAction.test_api_78dk_platform_tm_first_findAuditCommentList() # pagesize=10, pagecurrent=1, contractuuid=contract_uuid) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') # def test_021_api_78dk_platform_tm_first_updateContractInfoSignState(self): # """ # 修改法大大合同签署状态 修改为重签 # :return: # """ # res = WebAction.test_api_78dk_platform_tm_first_findContractInfoSignStateWeb(contract_uuid) # Assertion.verity(json.loads(res)['msg'], '成功') # Assertion.verity(json.loads(res)['code'], '10000') def test_022_api_78dk_platform_tm_after_viewAuditMonitors(self): # 贷后列表 res = WebAction.test_api_78dk_platform_tm_after_viewAuditMonitors( enddate='', pagecurrent=1, pagesize=10, qifascore='', searchwhere='', startdate='') Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') @unittest.skip('每次都会发送短信') def test_023_api_78dk_platform_tm_telephone_telephoneCheck_fail(self): """ 电核 不通过 :return: """ xqkj_query.update_contract_machine_telephone_check(contract_uuid) res = WebAction.test_api_78dk_platform_tm_telephone_telephoneCheck( uuid=contract_uuid, message='电核不通过', checkstate='fail') Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') @unittest.skip('需要再次调试') def test_024_api_78dk_platform_tm_telephone_viewTelephoneCheckContract_fail(self): """ 电核信息查询 电核 不通过 :return: """ res = WebAction.test_api_78dk_platform_tm_telephone_viewTelephoneCheckContract(contract_uuid) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') Assertion.verityContain(json.loads(res)['data'], 'baiduLogUuid') def test_025_api_78dk_platform_tm_telephone_viewTelephoneCheckContracts_fail(self): """ 电核列表查询 电核 不通过 :return: """ res = WebAction.test_api_78dk_platform_tm_telephone_viewTelephoneCheckContracts( pagesize=10, state='all', name='', pagecurrent=1, begindate='', contractnumber='', enddate='', lable='', phone='', username='') Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') @unittest.skip('每次都会发送短信') def test_026_api_78dk_platform_tm_telephone_telephoneCheck_cancel(self): """ 电核 取消 :return: """ xqkj_query.update_contract_machine_telephone_check(contract_uuid) res = WebAction.test_api_78dk_platform_tm_telephone_telephoneCheck( uuid=contract_uuid, message='电核取消', checkstate='cancel') Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') @unittest.skip('需要再次调试') def test_027_api_78dk_platform_tm_telephone_viewTelephoneCheckContract_cancel(self): """ 电核信息查询 电核 取消 :return: """ res = WebAction.test_api_78dk_platform_tm_telephone_viewTelephoneCheckContract(contract_uuid) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') Assertion.verityContain(json.loads(res)['data'], 'baiduLogUuid') def test_028_api_78dk_platform_tm_telephone_viewTelephoneCheckContracts_cancel(self): """ 电核列表查询 电核 取消 :return: """ res = WebAction.test_api_78dk_platform_tm_telephone_viewTelephoneCheckContracts( pagesize=10, state='all', name='', pagecurrent=1, begindate='', contractnumber='', enddate='', lable='', phone='', username='') Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') @unittest.expectedFailure def test_029_api_78dk_platform_tm_telephone_telephoneCheck_fail_pass(self): """ 电核 通过 :return: """ xqkj_query.update_contract_machine_telephone_check(contract_uuid) res = WebAction.test_api_78dk_platform_tm_telephone_telephoneCheck( uuid=contract_uuid, message='电核通过', checkstate='pass') Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') @unittest.skip('需要再次调试') def test_030_api_78dk_platform_tm_telephone_viewTelephoneCheckContract(self): """ 电核信息查询 电核 通过 :return: """ res = WebAction.test_api_78dk_platform_tm_telephone_viewTelephoneCheckContract(contract_uuid) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') Assertion.verityContain(json.loads(res)['data'], 'baiduLogUuid') def test_031_api_78dk_platform_tm_telephone_viewTelephoneCheckContracts(self): """ 电核列表查询 电核 通过 :return: """ res = WebAction.test_api_78dk_platform_tm_telephone_viewTelephoneCheckContracts( pagesize=10, state='all', name='', pagecurrent=1, begindate='', contractnumber='', enddate='', lable='', phone='', username='') Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') def test_032_api_78dk_platform_tm_telephone_viewTelephoneCheckInfosByContractUuid(self): """ 查询合同已经填写的电核问题列表 :return: """ res = WebAction.test_api_78dk_platform_tm_telephone_viewTelephoneCheckInfosByContractUuid(contract_uuid) # Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '20000') def test_033_api_78dk_platform_tm_telephone_addTelephoneCheckInfos(self): """ 批量添加电核资料(3) :return: """ WebAction.test_api_78dk_platform_tm_telephone_addTelephoneCheckInfos( answer='答案', contractuuid=contract_uuid, groupname='', question='', risktype='', state='', telephonecheckfeedbackuuid='', groupsort='', questionsort='') # Assertion.verity(json.loads(res)['msg'], '成功') # Assertion.verity(json.loads(res)['code'], '10000') def test_034_api_78dk_platform_tm_telephone_deleteTelephoneCheckInfo(self): """ 删除电核资料(3) :return: """ res = WebAction.test_api_78dk_platform_tm_telephone_deleteTelephoneCheckInfo(uid=contract_uuid) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') @unittest.expectedFailure def test_035_api_78dk_platform_tm_final_viewFDDInfo(self): """ 法大大信息查询 :return: """ res = WebAction.test_api_78dk_platform_tm_final_viewFDDInfo(contract_uuid) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') @unittest.expectedFailure def test_036_api_78dk_platform_tm_final_finalCheck_cancel(self): """ 终审 终审取消 :return: """ xqkj_query.update_contract_machine_final_check(contract_uuid) res = WebAction.test_api_78dk_platform_tm_final_finalCheck( checkstate='终审取消', uuid=contract_uuid, preamount='', finalchecksuggest=10000) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') @unittest.expectedFailure def test_037_api_78dk_platform_tm_final_viewFinalCheckContract_cancel(self): """ 终审信息查询 终审取消 :return: """ res = WebAction.test_api_78dk_platform_tm_final_viewFinalCheckContract(contract_uuid) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') def test_038_api_78dk_platform_tm_final_viewFinalCheckContracts_cancel(self): """ 终审列表查询 终审取消 :return: """ res = WebAction.test_api_78dk_platform_tm_final_viewFinalCheckContracts( pagecurrent=1, state='all', pagesize=1, name='', begindate='', contractnumber='', enddate='', lable='', phone='', username='') Assertion.verity(json.loads(res)['code'], '10000') Assertion.verity(json.loads(res)['msg'], '成功') @unittest.expectedFailure def test_039_api_78dk_platform_tm_final_finalCheck_fail(self): """ 终审 终审失败 :return: """ xqkj_query.update_contract_machine_final_check(contract_uuid) res = WebAction.test_api_78dk_platform_tm_final_finalCheck( checkstate='终审失败', uuid=contract_uuid, preamount='', finalchecksuggest=10000) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') @unittest.expectedFailure def test_040_api_78dk_platform_tm_final_viewFinalCheckContract_fail(self): """ 终审信息查询 终审失败 :return: """ res = WebAction.test_api_78dk_platform_tm_final_viewFinalCheckContract(contract_uuid) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') def test_041_api_78dk_platform_tm_final_viewFinalCheckContracts_fail(self): """ 终审列表查询 终审失败 :return: """ res = WebAction.test_api_78dk_platform_tm_final_viewFinalCheckContracts( pagecurrent=1, state='all', pagesize=1, name='', begindate='', contractnumber='', enddate='', lable='', phone='', username='') Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') @unittest.skip('需要再次调试, meijia') def test_042_api_78dk_platform_tm_final_finalCheck_pass(self): """ 终审 终审通过 :return: """ xqkj_query.update_contract_machine_final_check(contract_uuid) res = WebAction.test_api_78dk_platform_tm_final_finalCheck( checkstate='"pass"', uuid=contract_uuid, preamount='', finalchecksuggest=10000) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') @unittest.skip('需要再次调试') def test_043_api_78dk_platform_tm_final_viewFinalCheckContract_pass(self): """ 终审信息查询 终审通过 :return: """ res = WebAction.test_api_78dk_platform_tm_final_viewFinalCheckContract(contract_uuid) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') def test_044_api_78dk_platform_tm_final_viewFinalCheckContracts_pass(self): """ 终审列表查询 终审通过 :return: """ res = WebAction.test_api_78dk_platform_tm_final_viewFinalCheckContracts( pagecurrent=1, state='all', pagesize=1, name='', begindate='', contractnumber='', enddate='', lable='', phone='', username='') Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') def test_045_api_78dk_platform_tm_after_viewReportContract(self): """ 查询报告内容 :return: """ res = WebAction.test_api_78dk_platform_tm_after_viewReportContract(contract_uuid) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') def test_046_api_78dk_platform_tm_after_viewContractTongDuns(self): """ 查询贷后所用同盾报告列表 :return: """ res = WebAction.test_api_78dk_platform_tm_after_viewContractTongDuns(contract_uuid) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') def test_047_api_78dk_platform_tm_after_viewAuditMonitors(self): """ 贷后列表 :return: """ res = WebAction.test_api_78dk_platform_tm_after_viewAuditMonitors( searchwhere='', startdate='', qifascore='', pagecurrent=1, pagesize=10, enddate='') Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') def test_048_api_78dk_bm_viewUserBill(self): """ 个人账单 :return: """ res = WebAction.test_api_78dk_bm_viewUserBill(contractuuid=contract_uuid, pagecurrent=1, pagesize=10) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') def test_049_api_78dk_bm_viewBillList_all(self): """ 账单列表 :return: """ res = WebAction.test_api_78dk_bm_viewBillList(state='', pagecurrent=1, pagesize=10, merchantname='', contractnumber='', usermobile='', username='') Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') def test_050_api_78dk_bm_viewBillList_active(self): """ 账单列表 :return: """ res = WebAction.test_api_78dk_bm_viewBillList( state='123', pagecurrent=1, pagesize=10, merchantname='', contractnumber='', usermobile='', username='') Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') @unittest.skip('需要再次调试') def test_051_api_78dk_platform_lm_viewContract(self): """ 合同信息 :return: """ res = WebAction.test_api_78dk_platform_lm_viewContract(contract_uuid) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') @unittest.skip('需要再次调试') def test_052_api_78dk_platform_lm_downPayMoneys(self): # 导出打款信息 res = WebAction.test_api_78dk_platform_lm_downPayMoneys( enddate='', begindate='', contractnumber='', loanstate='', merchantname='', phone='', username='') Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') @unittest.skip('需要再次调试') def test_053_api_78dk_platform_lm_downLoans(self): # 导出放款列表 res = WebAction.test_api_78dk_platform_lm_downLoans( enddate='', begindate='', contractnumber='', loanstate='', merchantname='', phone='', username='') Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') def test_054_api_78dk_platform_lm_offLineLoan(self): # 放款 res = WebAction.test_api_78dk_platform_lm_offLineLoan( bankseqid='', contractuuid=contract_uuid, loanamount='', remarks='', url='', urlname='') Assertion.verity(json.loads(res)['code'], '20000') def test_055_api_78dk_platform_lm_viewLoans(self): """ 放款列表 :return: """ res = WebAction.test_api_78dk_platform_lm_viewLoans( begindate='', contractnumber='', enddate='', loanstate='', merchantname='', pagecurrent=1, pagesize=10, phone='', username='') Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') @unittest.expectedFailure def test_056_api_78dk_platform_lm_viewLoanDetil(self): """ 查看放款详情 :return: """ res = WebAction.test_api_78dk_platform_lm_viewLoanDetil(contract_uuid) # Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '20000') def test_057_api_78dk_platform_lm_viewUserBill_all(self): """ 账单信息 :return: """ res = WebAction.test_api_78dk_platform_lm_viewUserBill( begindate='', enddate='', name='', orderstate='', pagecurrent=1, pagesize=10, state='all', uuid=contract_uuid) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') def test_058_api_78dk_platform_lm_viewUserBill_pass(self): """ 账单信息 :return: """ res = WebAction.test_api_78dk_platform_lm_viewUserBill( begindate='', enddate='', name='', orderstate='', pagecurrent=1, pagesize=10, state='pass', uuid=contract_uuid) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') def test_059_api_78dk_platform_lm_viewUserBill_fail(self): """ 账单信息 :return: """ res = WebAction.test_api_78dk_platform_lm_viewUserBill( begindate='', enddate='', name='', orderstate='', pagecurrent=1, pagesize=10, state='fail', uuid=contract_uuid) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') @unittest.skip('需要再次调试') def test_60_api_78dk_platform_tm_first_viewFirstCheckContract(self): """ Time :2019-07-22 author : 闫红 desc : 初审信息查询(新) """ res = WebAction.test_api_78dk_platform_tm_first_viewFirstCheckContract(uid=contract_uuid) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') def test_061_api_78dk_platform_tm_first_viewFirstCheckContract_not_exist(self): """ Time :2019-07-22 author : 闫红 desc : 初审信息查询(新),查询不存在的合同初审信息 """ res = WebAction.test_api_78dk_platform_tm_first_viewFirstCheckContract(uid='-1') Assertion.verityContain(json.loads(res)['msg'], '查询合同基本信息时出错!') Assertion.verity(json.loads(res)['code'], '20000') def test_062_api_78dk_platform_tm_first_viewFirstCheckContract_overlong(self): """ Time :2019-07-22 author : 闫红 desc : 初审信息查询(新),合同id超长 """ contract_uuid1 = MD.words_en_lower(24) res = WebAction.test_api_78dk_platform_tm_first_viewFirstCheckContract(uid=contract_uuid1) Assertion.verityContain(json.loads(res)['msg'], '查询合同基本信息时出错!') Assertion.verity(json.loads(res)['code'], '20000') def test_063_api_78dk_platform_tm_first_viewFirstCheckContract_id_is_null(self): """ Time :2019-07-22 author : 闫红 desc : 初审信息查询(新),合同id为空 """ res = WebAction.test_api_78dk_platform_tm_first_viewFirstCheckContract(uid='') Assertion.verityContain(json.loads(res)['msg'], 'ContractUuid不能为空!') Assertion.verity(json.loads(res)['code'], '20000') def test_064_api_78dk_platform_tm_first_viewFirstCheckContract_id_is_None(self): """ Time :2019-07-22 author : 闫红 desc : 初审信息查询(新),合同id为None """ res = WebAction.test_api_78dk_platform_tm_first_viewFirstCheckContract(uid=None) Assertion.verityContain(json.loads(res)['msg'], '系统发生内部异常') Assertion.verity(json.loads(res)['code'], '20000') def test_065_api_78dk_platform_tm_first_viewFirstCheckContracts_pass(self): """ Time :2019-07-22 author : 闫红 desc : 初审列表查询v1.3.0,查询成功 """ res = WebAction.test_api_78dk_platform_tm_first_viewFirstCheckContracts( pagesize=10, state='pass', pagecurrent=1, name='', begindate='', contractnumber='', enddate='', lable='', phone='', username='', firstcheckname='') Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') def test_066_api_78dk_platform_tm_first_viewFirstCheckContracts_fail(self): """ Time :2019-07-22 author : 闫红 desc : 初审列表查询v1.3.0,查询失败的列表 """ res = WebAction.test_api_78dk_platform_tm_first_viewFirstCheckContracts( pagesize=10, state='fail', pagecurrent=1, name='', begindate='', contractnumber='', enddate='', lable='', phone='', username='', firstcheckname='') Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') def test_067_api_78dk_platform_tm_first_viewFirstCheckContracts_contractnumber_not_exist(self): """ Time :2019-07-22 author : 闫红 desc : 初审列表查询v1.3.0,合同编号不存在 """ res = WebAction.test_api_78dk_platform_tm_first_viewFirstCheckContracts( pagesize=10, state='all', pagecurrent=1, name='', begindate='', contractnumber=-1, enddate='', lable='', phone='', username='', firstcheckname='') Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') @unittest.skip('无结算') def test_068_api_78dk_platform_tm_first_businessbillinginformation(self): """ Time :2019-07-22 author : 闫红 desc : 商户结算信息查询接口 - V1.3 新增 """ res = WebAction.test_api_78dk_platform_tm_first_businessbillinginformation(contractuuid=contract_uuid) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') @unittest.skip('无结算') def test_069_api_78dk_platform_tm_first_businessbillinginformation_not_exist(self): """ Time :2019-07-22 author : 闫红 desc : 商户结算信息查询接口 - V1.3 新增,contractuuid不存在 """ res = WebAction.test_api_78dk_platform_tm_first_businessbillinginformation(contractuuid=-1) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') @unittest.skip('无结算') def test_070_api_78dk_platform_tm_first_businessbillinginformation_overlong(self): """ Time :2019-07-22 author : 闫红 desc : 商户结算信息查询接口 - V1.3 新增,contractuuid超长 """ res = WebAction.test_api_78dk_platform_tm_first_businessbillinginformation(contractuuid=MD.number(256)) Assertion.verity(json.loads(res)['msg'], '成功') Assertion.verity(json.loads(res)['code'], '10000') @unittest.skip('无结算') def test_071_api_78dk_platform_tm_first_businessbillinginformation_contractuuid_is_null(self): """ Time :2019-07-22 author : 闫红 desc : 商户结算信息查询接口 - V1.3 新增,contractuuid为空 """ res = WebAction.test_api_78dk_platform_tm_first_businessbillinginformation(contractuuid='') Assertion.verityContain(json.loads(res)['msg'], '参数异常') Assertion.verity(json.loads(res)['code'], '20000') def test_072_api_78dk_platform_tm_contractDetail(self): """ author : 罗林 desc : 订单详情--美佳v1.0.4重构接口 """ res = WebAction.test_api_78dk_platform_tm_contractDetail(contractuuid='', process='') Assertion.verity(json.loads(res)['code'], '20000') # @unittest.expectedFailure # def test_073_api_78dk_platform_tm_contractDocument(self): # """ # author : 罗林 # desc : 合同信息--美佳v1.0.4重构接口 # """ # res = WebAction.test_api_78dk_platform_tm_contractDocument(contractuuid='') # Assertion.verity(json.loads(res)['code'], '20000') def test_074_api_78dk_platform_tm_auditReject(self): """ author : 罗林 desc : 审核驳回--美佳v1.0.4新增 """ res = WebAction.test_api_78dk_platform_tm_auditReject(auditprocess='', contractuuid='', rejectmodel='') Assertion.verity(json.loads(res)['code'], 'S0001') Assertion.verity(json.loads(res)['msg'], '订单id不能为空') def test_075_api_78dk_platform_tm_final_viewFinalCheckContract(self): """ author : 罗林 desc : 终审信息查询(美佳1.0.0新增一个字段)v1.0.4 """ res = WebAction.test_api_78dk_platform_tm_final_viewFinalCheckContract(uid='') Assertion.verity(json.loads(res)['code'], '20000') Assertion.verity(json.loads(res)['msg'], 'ContractUuid不能为空!')
a950e1fea6e22a293fa8d134164513e4fd5e63df
4ce94e6fdfb55a889a0e7c4788fa95d2649f7bca
/User/apps/logreg/views.py
26ada8889c8fa75821a4cceb627c5948d6d94bde
[]
no_license
HaochengYang/Django-class-assignment
4018d8eb0619a99ebe8c3e47346d29934aafc66b
cb8f920f432209f88c810407ca646ee7dec82e22
refs/heads/master
2021-06-08T20:05:22.876794
2016-12-19T23:39:22
2016-12-19T23:39:22
75,032,572
0
0
null
null
null
null
UTF-8
Python
false
false
1,430
py
from django.shortcuts import render, redirect from .models import User from django.contrib import messages # Create your views here. def index(request): return render(request, 'logreg/index.html') def register(request): response = User.objects.add_user(request.POST) if response['status']: # successful add a new user in here request.session['user_id'] = response['new_user'].id request.session['user_first_name'] = response['new_user'].first_name request.session['user_last_name'] = response['new_user'].last_name return redirect('logreg:main') else: for error in response['errors']: messages.error(request, error) return redirect('logreg:index') def login(request): response = User.objects.check_user(request.POST) if response['status']: # successful login user in here request.session['user_id'] = response['login_user'].id request.session['user_first_name'] = response['login_user'].first_name request.session['user_last_name'] = response['login_user'].last_name return redirect('logreg:main') else: #falid to validate for error in response['errors']: messages.error(request, error) return redirect('logreg:index') def main(request): return render(request, 'logreg/success.html') def logout(request): request.session.clear() return redirect('logreg:index')
8a7bc189c27f77d9317613f60f7e3bc016ff5c8e
2ed0ab730b62665b3a36841ab006eea961116f87
/Hash/ValidSoduko.py
ef9721fb40020f4c7aa19f5c56366347684f6f3b
[]
no_license
scarlettlite/hackathon
0f0a345d867b9e52823f10fe67c6ec210a40945f
179ba9038bbed4d48cb2f044fd8430cf2be2bab3
refs/heads/master
2021-07-04T00:55:17.665292
2019-03-04T09:10:59
2019-03-04T09:10:59
141,269,070
0
0
null
null
null
null
UTF-8
Python
false
false
1,494
py
from collections import defaultdict class Solution: def __init__(self): arr = [(0,2), (3,5), (6,8)] self.sq = [(a,b,c,d) for a,b in arr for c,d in arr] def getsqr(self, ir, ic): for a,b,c,d in self.sq: if a <= ir <= b and c <= ic <= d: return a,b,c,d def isValidSudoku(self, board): """ :type board: List[List[str]] :rtype: bool """ rows = defaultdict(set) cols = defaultdict(set) sqrs = defaultdict(set) for i, row in enumerate(board): for j, x in enumerate(row): if x == '.': continue if x not in rows[i]: rows[i].add(x) else: return False if x not in cols[j]: cols[j].add(x) else: return False t = self.getsqr(i, j) if x not in sqrs[t]: sqrs[t].add(x) else: return False return True print(Solution().isValidSudoku([ ["8","3",".",".","7",".",".",".","."], ["6",".",".","1","9","5",".",".","."], [".","9","8",".",".",".",".","6","."], ["8",".",".",".","6",".",".",".","3"], ["4",".",".","8",".","3",".",".","1"], ["7",".",".",".","2",".",".",".","6"], [".","6",".",".",".",".","2","8","."], [".",".",".","4","1","9",".",".","5"], [".",".",".",".","8",".",".","7","9"] ]))
43dd394b16bcb1affa4035fe5a3d08f9a9a88fa1
6527b66fd08d9e7f833973adf421faccd8b765f5
/yuancloud/recicler/l10n_jp/__yuancloud__.py
b492c6d6207e9dc3a4ba55e08b14acdd16a2b3e3
[]
no_license
cash2one/yuancloud
9a41933514e57167afb70cb5daba7f352673fb4d
5a4fd72991c846d5cb7c5082f6bdfef5b2bca572
refs/heads/master
2021-06-19T22:11:08.260079
2017-06-29T06:26:15
2017-06-29T06:26:15
null
0
0
null
null
null
null
UTF-8
Python
false
false
1,266
py
# -*- coding: utf-8 -*- # Part of YuanCloud. See LICENSE file for full copyright and licensing details. # Copyright (C) Rooms For (Hong Kong) Limited T/A OSCG { 'name': 'Japan - Accounting', 'version': '1.2', 'category' : 'Finance Management', 'description': """ Overview: --------- * Chart of Accounts and Taxes template for companies in Japan. * This probably does not cover all the necessary accounts for a company. \ You are expected to add/delete/modify accounts based on this template. Note: ----- * Fiscal positions '内税' and '外税' have been added to handle special \ requirements which might arise from POS implementation. [1] You may not \ need to use these at all under normal circumstances. [1] See https://github.com/yuancloud/yuancloud/pull/6470 for detail. """, 'author': 'Rooms For (Hong Kong) Limited T/A OSCG', 'website': 'http://www.yuancloud-asia.net/', 'depends': ['account'], 'data': [ 'data/account_chart_template.xml', 'data/account.account.template.csv', 'data/account.tax.template.csv', 'data/account_chart_template_after.xml', 'data/account_chart_template.yml', 'data/account.fiscal.position.template.csv', ], 'installable': True, }
6c8ce69edeaeec26ac063384011a0af1deeb31ac
082246f32a7972abdb674f424d3ba250666a8eb5
/Demo/PyQt4/Sample Files/Logo.py
bc0ff66efb867e458c6c0a1cd88140624a59c61c
[]
no_license
maxale/Data-Mining
4ef8c8a4403a9b1eb64dbec94414b8cf865134a7
19edff15047a2cce90515dae1d6c3d280284fc2a
refs/heads/master
2023-04-29T19:42:23.586079
2023-04-24T14:59:07
2023-04-24T14:59:07
322,360,530
1
0
null
2023-03-29T21:02:45
2020-12-17T17:05:24
null
UTF-8
Python
false
false
195
py
import sys from PyQt4 import QtGui, QtSvg app = QtGui.QApplication(sys.argv) svgWidget = QtSvg.QSvgWidget('pic1.svg') svgWidget.setGeometry(50,50,759,668) svgWidget.show() sys.exit(app.exec_())
183ea05ca67621b0b058eddd765cbe6d2b39188f
80fd32cb735bfd288c4fb9be1280146f5cf15210
/ditto/__init__.py
c61386e62de95b8c57e65526c1ef615a8bebac77
[ "BSD-3-Clause" ]
permissive
NREL/ditto
c8e44ea04272b750dcbbaef2bfc33eb340822eb1
41b93f954af5836cbe5986add0c104b19dc22fde
refs/heads/master
2023-08-23T02:41:59.653838
2023-07-11T16:25:38
2023-07-11T16:25:38
121,418,744
57
43
BSD-3-Clause
2023-07-11T16:25:40
2018-02-13T18:19:47
Python
UTF-8
Python
false
false
208
py
# -*- coding: utf-8 -*- from __future__ import print_function, division, absolute_import __author__ = """Tarek Elgindy""" __email__ = "[email protected]" __version__ = "0.1.0" from .store import Store
832e744fb6433173675ac4d52a40613a22346536
14164dfdc5f316ff259519d1aeb8671dad1b9749
/lib/loaf/slack_api/web_client/team.py
398e0b8ae939f27a2449c005838e4dd0536dec83
[ "MIT" ]
permissive
cbehan/loaf
4b537f75c97c1e78ef5d178ac59379460452648a
cb9c4edd33a33ff1d5a1931deb6705ddfe82d459
refs/heads/master
2021-12-14T15:04:15.568615
2021-12-02T22:47:08
2021-12-02T22:47:08
131,346,943
0
0
null
2018-04-27T21:34:34
2018-04-27T21:34:33
null
UTF-8
Python
false
false
194
py
class Team: def __init__(self, client): self.client = client async def info(self): result = await self.client.api_call('GET', 'team.info') return result['team']
fdad2b330e7d4bf50e981738677907efc6c4f7c1
d8edd97f8f8dea3f9f02da6c40d331682bb43113
/networks710.py
b687185e0191deab6ea8b5a72f9c772d153cfcd5
[]
no_license
mdubouch/noise-gan
bdd5b2fff3aff70d5f464150443d51c2192eeafd
639859ec4a2aa809d17eb6998a5a7d217559888a
refs/heads/master
2023-07-15T09:37:57.631656
2021-08-27T11:02:45
2021-08-27T11:02:45
284,072,311
0
0
null
null
null
null
UTF-8
Python
false
false
8,965
py
import torch import torch.nn as nn import torch.nn.functional as F import numpy as np __version__ = 205 # Number of wires in the CDC n_wires = 3606 # Number of continuous features (E, t, dca) n_features = 3 geom_dim = 3 def wire_hook(grad): print('wg %.2e %.2e' % (grad.abs().mean().item(), grad.std().item())) return grad class Gen(nn.Module): def __init__(self, ngf, latent_dims, seq_len, encoded_dim): super().__init__() self.ngf = ngf self.seq_len = seq_len self.version = __version__ # Input: (B, latent_dims, 1) self.act = nn.ReLU() n512 = 128 self.lin0 = nn.Linear(latent_dims, seq_len//1*n512, bias=True) self.bn0 = nn.BatchNorm1d(n512) self.n512 = n512 n256 = n512 // 2 n128 = n512 // 4 n64 = n512 // 8 n32 = n512 // 16 n16 = n512 // 32 #self.convu1 = nn.ConvTranspose1d(n512, n512, 4, 4, 0) #self.bnu1 = nn.BatchNorm1d(n512) #self.convu2 = nn.ConvTranspose1d(n512, n512, 8, 4, 2) #self.bnu2 = nn.BatchNorm1d(n512) #self.convu3 = nn.ConvTranspose1d(n512, n512, 8, 2, 3) #self.bnu3 = nn.BatchNorm1d(n512) #self.convu4 = nn.ConvTranspose1d(n512, n256, 8, 2, 3) #self.bnu4 = nn.BatchNorm1d(n256) #self.convu5 = nn.ConvTranspose1d(n256, n128, 8, 2, 3) #self.bnu5 = nn.BatchNorm1d(n128) #self.convu6 = nn.ConvTranspose1d(n128, n128, 8, 2, 3) #self.bnu6 = nn.BatchNorm1d(n128) self.convw1 = nn.Conv1d(n512, n_wires, 1, 1, 0) self.convp1 = nn.Conv1d(n512, n_features, 1, 1, 0) #self.conv1 = nn.ConvTranspose1d(n128, n128, 32, 2, 15) #self.bn1 = nn.BatchNorm1d(n128) #self.convw1 = nn.ConvTranspose1d(n128, n_wires, 1, 1, 0, bias=True) #self.convp1 = nn.ConvTranspose1d(n128, n_features, 1, 1, 0) self.out = nn.Tanh() self.max_its = 3000 self.temp_min = 0.75 self.gen_it = 3000 def forward(self, z, wire_to_xy): #print('latent space %.2e %.2e' % (z.mean().item(), z.std().item())) # z: random point in latent space x = self.act(self.bn0(self.lin0(z).reshape(-1, self.n512, self.seq_len // 1))) #x = self.act(self.bnu1(self.convu1(x))) #x = self.act(self.bnu2(self.convu2(x))) #x = self.act(self.bnu3(self.convu3(x))) #x = self.act(self.bnu4(self.convu4(x))) #x = self.act(self.bnu5(self.convu5(x))) #x = self.act(self.bnu6(self.convu6(x))) #x = self.act(self.bn1(self.conv1(x))) w = self.convw1(x) #print(w.unsqueeze(0).shape) #print((w.unsqueeze(0) - wire_to_xy.view(n_wires, 1, geom_dim, 1)).shape) # w: (b, 2, seq) # wire_to_xy: (2, n_wires) #print(wire_to_xy.unsqueeze(0).unsqueeze(2).shape) #print(w.unsqueeze(3).shape) #import matplotlib.pyplot as plt #import matplotlib.lines as lines #plt.figure() #plt.scatter(w[:,0,:].detach().cpu(), w[:,1,:].detach().cpu(), s=1) #_l = lines.Line2D(w[:,0,:].detach().cpu(), w[:,1,:].detach().cpu(), linewidth=0.1, color='gray', alpha=0.7) #plt.gca().add_line(_l) #plt.gca().set_aspect(1.0) #plt.savefig('test.png') #plt.close() #import matplotlib.pyplot as plt #plt.figure() #plt.plot(w[0,:,0].detach().cpu()) #plt.savefig('testw.png') #plt.close() #wdist = torch.norm(w.unsqueeze(3) - wire_to_xy.unsqueeze(0).unsqueeze(2), dim=1) #print(wdist.shape) ##print(1/wdist) #plt.figure() #plt.plot(wdist[0,0,:].detach().cpu()) #plt.savefig('test.png') #plt.close() #self.gen_it += 1 tau = 1. / ((1./self.temp_min)**(self.gen_it / self.max_its)) #print(tau) wg = F.gumbel_softmax(w, dim=1, hard=True, tau=tau) #wg = F.softmax(w / 10., dim=1) #print(wg.shape) #exit(1) #wg.register_hook(wire_hook) #xy = torch.tensordot(wg, wire_to_xy, dims=[[1],[1]]).permute(0,2,1) p = self.convp1(x) #return torch.cat([self.out(p), xy], dim=1), wg return self.out(p), wg def xy_hook(grad): print('xy %.2e %.2e' % (grad.abs().mean().item(), grad.std().item())) return grad class Disc(nn.Module): def __init__(self, ndf, seq_len, encoded_dim): super().__init__() self.version = __version__ # (B, n_features, 256) self.act = nn.LeakyReLU(0.2) n512 = 512 n256 = n512 // 2 n128 = n256 // 2 n64 = n128 // 2 self.conv0 = nn.utils.spectral_norm(nn.Conv1d(geom_dim, n64, 1, 2, 0)) self.conv1 = nn.utils.spectral_norm(nn.Conv1d(n64, n128, 1, 2, 0)) self.conv2 = nn.utils.spectral_norm(nn.Conv1d(n64+n128, n256, 1, 2, 0)) self.conv3 = nn.utils.spectral_norm(nn.Conv1d(n256, n512, 1, 2, 0)) self.conv4 = nn.utils.spectral_norm(nn.Conv1d(n256+n512, n512, 1, 2, 0)) self.conv5 = nn.utils.spectral_norm(nn.Conv1d(n512, n512, 4, 4, 0)) self.conv6 = nn.utils.spectral_norm(nn.Conv1d(n512+n512, n512, 4, 4, 0)) #self.db1 = DBlock(n256) #self.db2 = DBlock(n256) #self.db3 = DBlock(n256) #self.conv2 = nn.Conv1d(256, 512, 3, 2, 1) #self.conv3 = nn.Conv1d(512, 1024, 3, 2, 1) #self.conv4 = nn.Conv1d(1024, 2048, 3, 2, 1) #self.lin0 = nn.Linear(256 * seq_len // 1, 1, bias=True) #self.lin0 = nn.Linear(seq_len//4*512, 1) #self.convf = nn.utils.spectral_norm(nn.Conv1d(n512, 1, 3, 1, 1, padding_mode='circular')) self.lin0 = nn.utils.spectral_norm(nn.Linear(n512, 1)) #self.lin0 = nn.utils.spectral_norm(nn.Linear(n512*seq_len//32, 128)) #self.lin1 = nn.utils.spectral_norm(nn.Linear(128, 1)) self.out = nn.Identity() def forward(self, x_): # x_ is concatenated tensor of p_ and w_, shape (batch, features+n_wires, seq_len) # p_ shape is (batch, features, seq_len), # w_ is AE-encoded wire (batch, encoded_dim, seq_len) seq_len = x_.shape[2] x = x_ #dist = ((xy - nn.ConstantPad1d((1, 0), 0.0)(xy[:,:,:-1]))**2).sum(dim=1).unsqueeze(1) p = x[:,:n_features] xy = x[:,n_features:n_features+geom_dim] wg = x[:,n_features+geom_dim:] pxy = x[:,:n_features+geom_dim] p = p xy = xy wg = wg #print(wire0) #print('mean %.2e %.2e' % (p.mean().item(), xy.mean().item())) #print('std %.2e %.2e' % (p.std().item(), xy.std().item())) #print('xy1 %.2e %.2e' % (xy.mean().item(), xy.std().item())) print('p %.2e %.2e' %( p.abs().mean().item(), p.std().item())) print('xy %.2e %.2e' %( xy.abs().mean().item(), xy.std().item())) #print('xy2 %.2e %.2e' % (xy.mean().item(), xy.std().item())) #x = torch.cat([p, xy], dim=1) x = xy x0 = self.conv0(x) x1 = self.conv1(self.act(x0)) x0 = F.interpolate(x0, size=x1.shape[2], mode='area') x2 = self.conv2(self.act(torch.cat([x0, x1], dim=1))) x3 = self.conv3(self.act(x2)) x2 = F.interpolate(x2, size=x3.shape[2], mode='area') x4 = self.conv4(self.act(torch.cat([x2, x3], dim=1))) x5 = self.conv5(self.act(x4)) x4 = F.interpolate(x4, size=x5.shape[2], mode='area') x6 = self.conv6(self.act(torch.cat([x4, x5], dim=1))) x = self.act(x6) x = self.lin0(x.mean(2)) return self.out(x)#.squeeze(1) class VAE(nn.Module): def __init__(self, encoded_dim): super().__init__() class Enc(nn.Module): def __init__(self, hidden_size): super().__init__() self.act = nn.LeakyReLU(0.2) self.lin1 = nn.Linear(n_wires, hidden_size) self.lin2 = nn.Linear(hidden_size, encoded_dim) self.out = nn.Tanh() def forward(self, x): x = self.act(self.lin1(x)) return self.out(self.lin2(x)) class Dec(nn.Module): def __init__(self, hidden_size): super().__init__() self.act = nn.ReLU() self.lin1 = nn.Linear(encoded_dim, hidden_size) self.lin2 = nn.Linear(hidden_size, n_wires) def forward(self, x): x = self.act(self.lin1(x)) return self.lin2(x) self.enc_net = Enc(512) self.dec_net = Dec(512) def enc(self, x): return self.enc_net(x.permute(0, 2, 1)).permute(0,2,1) def dec(self, x): return self.dec_net(x.permute(0, 2, 1)).permute(0,2,1) def forward(self, x): y = self.dec_net(self.enc_net(x)) return y def get_n_params(model): return sum(p.reshape(-1).shape[0] for p in model.parameters())
e5d84d7646621256ddc5234054836df2021abe99
2f55769e4d6bc71bb8ca29399d3809b6d368cf28
/Miniconda2/Lib/site-packages/sklearn/feature_selection/tests/test_base.py
2e118b4b00b6cd2416b175913c43056efa022a37
[]
no_license
jian9695/GSV2SVF
e5ec08b2d37dbc64a461449f73eb7388de8ef233
6ed92dac13ea13dfca80f2c0336ea7006a6fce87
refs/heads/master
2023-03-02T03:35:17.033360
2023-02-27T02:01:48
2023-02-27T02:01:48
199,570,103
9
16
null
2022-10-28T14:31:05
2019-07-30T03:47:41
Python
UTF-8
Python
false
false
3,796
py
import numpy as np from scipy import sparse as sp from numpy.testing import assert_array_equal from sklearn.base import BaseEstimator from sklearn.feature_selection.base import SelectorMixin from sklearn.utils import check_array from sklearn.utils.testing import assert_raises, assert_equal class StepSelector(SelectorMixin, BaseEstimator): """Retain every `step` features (beginning with 0)""" def __init__(self, step=2): self.step = step def fit(self, X, y=None): X = check_array(X, 'csc') self.n_input_feats = X.shape[1] return self def _get_support_mask(self): mask = np.zeros(self.n_input_feats, dtype=bool) mask[::self.step] = True return mask support = [True, False] * 5 support_inds = [0, 2, 4, 6, 8] X = np.arange(20).reshape(2, 10) Xt = np.arange(0, 20, 2).reshape(2, 5) Xinv = X.copy() Xinv[:, 1::2] = 0 y = [0, 1] feature_names = list('ABCDEFGHIJ') feature_names_t = feature_names[::2] feature_names_inv = np.array(feature_names) feature_names_inv[1::2] = '' def test_transform_dense(): sel = StepSelector() Xt_actual = sel.fit(X, y).transform(X) Xt_actual2 = StepSelector().fit_transform(X, y) assert_array_equal(Xt, Xt_actual) assert_array_equal(Xt, Xt_actual2) # Check dtype matches assert_equal(np.int32, sel.transform(X.astype(np.int32)).dtype) assert_equal(np.float32, sel.transform(X.astype(np.float32)).dtype) # Check 1d list and other dtype: names_t_actual = sel.transform([feature_names]) assert_array_equal(feature_names_t, names_t_actual.ravel()) # Check wrong shape raises error assert_raises(ValueError, sel.transform, np.array([[1], [2]])) def test_transform_sparse(): sparse = sp.csc_matrix sel = StepSelector() Xt_actual = sel.fit(sparse(X)).transform(sparse(X)) Xt_actual2 = sel.fit_transform(sparse(X)) assert_array_equal(Xt, Xt_actual.toarray()) assert_array_equal(Xt, Xt_actual2.toarray()) # Check dtype matches assert_equal(np.int32, sel.transform(sparse(X).astype(np.int32)).dtype) assert_equal(np.float32, sel.transform(sparse(X).astype(np.float32)).dtype) # Check wrong shape raises error assert_raises(ValueError, sel.transform, np.array([[1], [2]])) def test_inverse_transform_dense(): sel = StepSelector() Xinv_actual = sel.fit(X, y).inverse_transform(Xt) assert_array_equal(Xinv, Xinv_actual) # Check dtype matches assert_equal(np.int32, sel.inverse_transform(Xt.astype(np.int32)).dtype) assert_equal(np.float32, sel.inverse_transform(Xt.astype(np.float32)).dtype) # Check 1d list and other dtype: names_inv_actual = sel.inverse_transform([feature_names_t]) assert_array_equal(feature_names_inv, names_inv_actual.ravel()) # Check wrong shape raises error assert_raises(ValueError, sel.inverse_transform, np.array([[1], [2]])) def test_inverse_transform_sparse(): sparse = sp.csc_matrix sel = StepSelector() Xinv_actual = sel.fit(sparse(X)).inverse_transform(sparse(Xt)) assert_array_equal(Xinv, Xinv_actual.toarray()) # Check dtype matches assert_equal(np.int32, sel.inverse_transform(sparse(Xt).astype(np.int32)).dtype) assert_equal(np.float32, sel.inverse_transform(sparse(Xt).astype(np.float32)).dtype) # Check wrong shape raises error assert_raises(ValueError, sel.inverse_transform, np.array([[1], [2]])) def test_get_support(): sel = StepSelector() sel.fit(X, y) assert_array_equal(support, sel.get_support()) assert_array_equal(support_inds, sel.get_support(indices=True))
c49bc7c391ad0bc404c7e3525a69ddda6921ed79
4ca821475c57437bb0adb39291d3121d305905d8
/models/research/object_detection/core/standard_fields.py
7bf128a92ea26c22f38959ee992ca9b9bcf0f129
[ "Apache-2.0" ]
permissive
yefcion/ShipRec
4a1a893b2fd50d34a66547caa230238b0bf386de
c74a676b545d42be453729505d52e172d76bea88
refs/heads/master
2021-09-17T04:49:47.330770
2018-06-28T02:25:50
2018-06-28T02:25:50
112,176,613
0
1
null
null
null
null
UTF-8
Python
false
false
10,220
py
# Copyright 2017 The TensorFlow Authors. 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. # ============================================================================== """Contains classes specifying naming conventions used for object detection. Specifies: InputDataFields: standard fields used by reader/preprocessor/batcher. DetectionResultFields: standard fields returned by object detector. BoxListFields: standard field used by BoxList TfExampleFields: standard fields for tf-example data format (go/tf-example). """ class InputDataFields(object): """Names for the input tensors. Holds the standard data field names to use for identifying input tensors. This should be used by the decoder to identify keys for the returned tensor_dict containing input tensors. And it should be used by the model to identify the tensors it needs. Attributes: image: image. image_additional_channels: additional channels. original_image: image in the original input size. key: unique key corresponding to image. source_id: source of the original image. filename: original filename of the dataset (without common path). groundtruth_image_classes: image-level class labels. groundtruth_boxes: coordinates of the ground truth boxes in the image. groundtruth_classes: box-level class labels. groundtruth_label_types: box-level label types (e.g. explicit negative). groundtruth_is_crowd: [DEPRECATED, use groundtruth_group_of instead] is the groundtruth a single object or a crowd. groundtruth_area: area of a groundtruth segment. groundtruth_difficult: is a `difficult` object groundtruth_group_of: is a `group_of` objects, e.g. multiple objects of the same class, forming a connected group, where instances are heavily occluding each other. proposal_boxes: coordinates of object proposal boxes. proposal_objectness: objectness score of each proposal. groundtruth_instance_masks: ground truth instance masks. groundtruth_instance_boundaries: ground truth instance boundaries. groundtruth_instance_classes: instance mask-level class labels. groundtruth_keypoints: ground truth keypoints. groundtruth_keypoint_visibilities: ground truth keypoint visibilities. groundtruth_label_scores: groundtruth label scores. groundtruth_weights: groundtruth weight factor for bounding boxes. num_groundtruth_boxes: number of groundtruth boxes. true_image_shapes: true shapes of images in the resized images, as resized images can be padded with zeros. verified_labels: list of human-verified image-level labels (note, that a label can be verified both as positive and negative). multiclass_scores: the label score per class for each box. """ image = 'image' image_additional_channels = 'image_additional_channels' original_image = 'original_image' key = 'key' source_id = 'source_id' filename = 'filename' groundtruth_image_classes = 'groundtruth_image_classes' groundtruth_boxes = 'groundtruth_boxes' groundtruth_classes = 'groundtruth_classes' groundtruth_label_types = 'groundtruth_label_types' groundtruth_is_crowd = 'groundtruth_is_crowd' groundtruth_area = 'groundtruth_area' groundtruth_difficult = 'groundtruth_difficult' groundtruth_group_of = 'groundtruth_group_of' proposal_boxes = 'proposal_boxes' proposal_objectness = 'proposal_objectness' groundtruth_instance_masks = 'groundtruth_instance_masks' groundtruth_instance_boundaries = 'groundtruth_instance_boundaries' groundtruth_instance_classes = 'groundtruth_instance_classes' groundtruth_keypoints = 'groundtruth_keypoints' groundtruth_keypoint_visibilities = 'groundtruth_keypoint_visibilities' groundtruth_label_scores = 'groundtruth_label_scores' groundtruth_weights = 'groundtruth_weights' num_groundtruth_boxes = 'num_groundtruth_boxes' true_image_shape = 'true_image_shape' verified_labels = 'verified_labels' multiclass_scores = 'multiclass_scores' class DetectionResultFields(object): """Naming conventions for storing the output of the detector. Attributes: source_id: source of the original image. key: unique key corresponding to image. detection_boxes: coordinates of the detection boxes in the image. detection_scores: detection scores for the detection boxes in the image. detection_classes: detection-level class labels. detection_masks: contains a segmentation mask for each detection box. detection_boundaries: contains an object boundary for each detection box. detection_keypoints: contains detection keypoints for each detection box. num_detections: number of detections in the batch. """ source_id = 'source_id' key = 'key' detection_boxes = 'detection_boxes' detection_scores = 'detection_scores' detection_classes = 'detection_classes' detection_masks = 'detection_masks' detection_boundaries = 'detection_boundaries' detection_keypoints = 'detection_keypoints' num_detections = 'num_detections' class BoxListFields(object): """Naming conventions for BoxLists. Attributes: boxes: bounding box coordinates. classes: classes per bounding box. scores: scores per bounding box. weights: sample weights per bounding box. objectness: objectness score per bounding box. masks: masks per bounding box. boundaries: boundaries per bounding box. keypoints: keypoints per bounding box. keypoint_heatmaps: keypoint heatmaps per bounding box. is_crowd: is_crowd annotation per bounding box. """ boxes = 'boxes' classes = 'classes' scores = 'scores' weights = 'weights' objectness = 'objectness' masks = 'masks' boundaries = 'boundaries' keypoints = 'keypoints' keypoint_heatmaps = 'keypoint_heatmaps' is_crowd = 'is_crowd' class TfExampleFields(object): """TF-example proto feature names for object detection. Holds the standard feature names to load from an Example proto for object detection. Attributes: image_encoded: JPEG encoded string image_format: image format, e.g. "JPEG" filename: filename channels: number of channels of image colorspace: colorspace, e.g. "RGB" height: height of image in pixels, e.g. 462 width: width of image in pixels, e.g. 581 source_id: original source of the image image_class_text: image-level label in text format image_class_label: image-level label in numerical format object_class_text: labels in text format, e.g. ["person", "cat"] object_class_label: labels in numbers, e.g. [16, 8] object_bbox_xmin: xmin coordinates of groundtruth box, e.g. 10, 30 object_bbox_xmax: xmax coordinates of groundtruth box, e.g. 50, 40 object_bbox_ymin: ymin coordinates of groundtruth box, e.g. 40, 50 object_bbox_ymax: ymax coordinates of groundtruth box, e.g. 80, 70 object_view: viewpoint of object, e.g. ["frontal", "left"] object_truncated: is object truncated, e.g. [true, false] object_occluded: is object occluded, e.g. [true, false] object_difficult: is object difficult, e.g. [true, false] object_group_of: is object a single object or a group of objects object_depiction: is object a depiction object_is_crowd: [DEPRECATED, use object_group_of instead] is the object a single object or a crowd object_segment_area: the area of the segment. object_weight: a weight factor for the object's bounding box. instance_masks: instance segmentation masks. instance_boundaries: instance boundaries. instance_classes: Classes for each instance segmentation mask. detection_class_label: class label in numbers. detection_bbox_ymin: ymin coordinates of a detection box. detection_bbox_xmin: xmin coordinates of a detection box. detection_bbox_ymax: ymax coordinates of a detection box. detection_bbox_xmax: xmax coordinates of a detection box. detection_score: detection score for the class label and box. """ image_encoded = 'image/encoded' image_format = 'image/format' # format is reserved keyword filename = 'image/filename' channels = 'image/channels' colorspace = 'image/colorspace' height = 'image/height' width = 'image/width' source_id = 'image/source_id' image_class_text = 'image/class/text' image_class_label = 'image/class/label' object_class_text = 'image/object/class/text' object_class_label = 'image/object/class/label' object_bbox_ymin = 'image/object/bbox/ymin' object_bbox_xmin = 'image/object/bbox/xmin' object_bbox_ymax = 'image/object/bbox/ymax' object_bbox_xmax = 'image/object/bbox/xmax' object_view = 'image/object/view' object_truncated = 'image/object/truncated' object_occluded = 'image/object/occluded' object_difficult = 'image/object/difficult' object_group_of = 'image/object/group_of' object_depiction = 'image/object/depiction' object_is_crowd = 'image/object/is_crowd' object_segment_area = 'image/object/segment/area' object_weight = 'image/object/weight' instance_masks = 'image/segmentation/object' instance_boundaries = 'image/boundaries/object' instance_classes = 'image/segmentation/object/class' detection_class_label = 'image/detection/label' detection_bbox_ymin = 'image/detection/bbox/ymin' detection_bbox_xmin = 'image/detection/bbox/xmin' detection_bbox_ymax = 'image/detection/bbox/ymax' detection_bbox_xmax = 'image/detection/bbox/xmax' detection_score = 'image/detection/score'
f99600be5c8c03928c69180bccdb942a3fd04a83
bc441bb06b8948288f110af63feda4e798f30225
/container_sdk/api/hpa/hpa_client.py
255789842ee9a30e61634e383487feb93b1428f1
[ "Apache-2.0" ]
permissive
easyopsapis/easyops-api-python
23204f8846a332c30f5f3ff627bf220940137b6b
adf6e3bad33fa6266b5fa0a449dd4ac42f8447d0
refs/heads/master
2020-06-26T23:38:27.308803
2020-06-16T07:25:41
2020-06-16T07:25:41
199,773,131
5
0
null
null
null
null
UTF-8
Python
false
false
4,468
py
# -*- coding: utf-8 -*- import os import sys import container_sdk.api.hpa.delete_hpa_pb2 import google.protobuf.empty_pb2 import container_sdk.api.hpa.update_pb2 import container_sdk.model.container.hpa_pb2 import container_sdk.utils.http_util import google.protobuf.json_format class HpaClient(object): def __init__(self, server_ip="", server_port=0, service_name="", host=""): """ 初始化client :param server_ip: 指定sdk请求的server_ip,为空时走名字服务路由 :param server_port: 指定sdk请求的server_port,与server_ip一起使用, 为空时走名字服务路由 :param service_name: 指定sdk请求的service_name, 为空时按契约名称路由。如果server_ip和service_name同时设置,server_ip优先级更高 :param host: 指定sdk请求服务的host名称, 如cmdb.easyops-only.com """ if server_ip == "" and server_port != 0 or server_ip != "" and server_port == 0: raise Exception("server_ip和server_port必须同时指定") self._server_ip = server_ip self._server_port = server_port self._service_name = service_name self._host = host def delete_hpa(self, request, org, user, timeout=10): # type: (container_sdk.api.hpa.delete_hpa_pb2.DeleteHPARequest, int, str, int) -> google.protobuf.empty_pb2.Empty """ 删除 HPA :param request: delete_hpa请求 :param org: 客户的org编号,为数字 :param user: 调用api使用的用户名 :param timeout: 调用超时时间,单位秒 :return: google.protobuf.empty_pb2.Empty """ headers = {"org": org, "user": user} route_name = "" server_ip = self._server_ip if self._service_name != "": route_name = self._service_name elif self._server_ip != "": route_name = "easyops.api.container.hpa.DeleteHPA" uri = "/api/container/v1/horizontalpodautoscalers/{instanceId}".format( instanceId=request.instanceId, ) requestParam = request rsp_obj = container_sdk.utils.http_util.do_api_request( method="DELETE", src_name="logic.container_sdk", dst_name=route_name, server_ip=server_ip, server_port=self._server_port, host=self._host, uri=uri, params=google.protobuf.json_format.MessageToDict( requestParam, preserving_proto_field_name=True), headers=headers, timeout=timeout, ) rsp = google.protobuf.empty_pb2.Empty() google.protobuf.json_format.ParseDict(rsp_obj, rsp, ignore_unknown_fields=True) return rsp def update(self, request, org, user, timeout=10): # type: (container_sdk.api.hpa.update_pb2.UpdateRequest, int, str, int) -> container_sdk.model.container.hpa_pb2.HorizontalPodAutoscaler """ 更新 HPA :param request: update请求 :param org: 客户的org编号,为数字 :param user: 调用api使用的用户名 :param timeout: 调用超时时间,单位秒 :return: container_sdk.model.container.hpa_pb2.HorizontalPodAutoscaler """ headers = {"org": org, "user": user} route_name = "" server_ip = self._server_ip if self._service_name != "": route_name = self._service_name elif self._server_ip != "": route_name = "easyops.api.container.hpa.Update" uri = "/api/container/v1/horizontalpodautoscalers/{instanceId}".format( instanceId=request.instanceId, ) requestParam = request rsp_obj = container_sdk.utils.http_util.do_api_request( method="PUT", src_name="logic.container_sdk", dst_name=route_name, server_ip=server_ip, server_port=self._server_port, host=self._host, uri=uri, params=google.protobuf.json_format.MessageToDict( requestParam, preserving_proto_field_name=True), headers=headers, timeout=timeout, ) rsp = container_sdk.model.container.hpa_pb2.HorizontalPodAutoscaler() google.protobuf.json_format.ParseDict(rsp_obj["data"], rsp, ignore_unknown_fields=True) return rsp
50c0dd89f9d5f33b5fd955695c6dfc1d7b182a64
625ff91e8d6b4cdce9c60f76e693d32b761bfa16
/uk.ac.gda.core/scripts/gdadevscripts/developertools/checkScannableNames.py
6a7b8fee428d3ee3fc6cd6a66c7d043b002d7436
[]
no_license
openGDA/gda-core
21296e4106d71d6ad8c0d4174a53890ea5d9ad42
c6450c22d2094f40ca3015547c60fbf644173a4c
refs/heads/master
2023-08-22T15:05:40.149955
2023-08-22T10:06:42
2023-08-22T10:06:42
121,757,680
4
3
null
null
null
null
UTF-8
Python
false
false
391
py
# Run this module to show scannables whose (internal) name differs from their (external) label from gda.device import Scannable print "The following scannables have labels (for typing) different than names(that go into files)" print "Label\tName" for label in dir(): if (isinstance(eval(label),Scannable)): name = eval(label).getName() if label!=name: print label + "\t : " + name
1b6cdec612f24ad9c488251181f7819734ff2bd0
b5550fc728b23cb5890fd58ccc5e1668548dc4e3
/tests/compute/test_resource_tracker.py
c0b0a42e2eaf7f3d5a7a410a7add4254da4501f5
[]
no_license
bopopescu/nova-24
0de13f078cf7a2b845cf01e613aaca2d3ae6104c
3247a7199932abf9718fb3260db23e9e40013731
refs/heads/master
2022-11-20T00:48:53.224075
2016-12-22T09:09:57
2016-12-22T09:09:57
282,140,423
0
0
null
2020-07-24T06:24:14
2020-07-24T06:24:13
null
UTF-8
Python
false
false
61,934
py
#coding:utf-8 # Copyright (c) 2012 OpenStack Foundation # 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. """Tests for compute resource tracking.""" import uuid import mock from oslo.config import cfg from nova.compute import flavors from nova.compute import resource_tracker from nova.compute import resources from nova.compute import task_states from nova.compute import vm_states from nova import context from nova import db from nova import objects from nova.objects import base as obj_base from nova.openstack.common import jsonutils from nova.openstack.common import timeutils from nova import rpc from nova import test from nova.tests.compute.monitors import test_monitors from nova.tests.objects import test_migration from nova.tests.pci import pci_fakes from nova.virt import driver from nova.virt import hardware FAKE_VIRT_MEMORY_MB = 5 FAKE_VIRT_MEMORY_OVERHEAD = 1 FAKE_VIRT_MEMORY_WITH_OVERHEAD = ( FAKE_VIRT_MEMORY_MB + FAKE_VIRT_MEMORY_OVERHEAD) FAKE_VIRT_NUMA_TOPOLOGY = hardware.VirtNUMAHostTopology( cells=[hardware.VirtNUMATopologyCellUsage(0, set([1, 2]), 3072), hardware.VirtNUMATopologyCellUsage(1, set([3, 4]), 3072)]) FAKE_VIRT_NUMA_TOPOLOGY_OVERHEAD = hardware.VirtNUMALimitTopology( cells=[hardware.VirtNUMATopologyCellLimit( 0, set([1, 2]), 3072, 4, 10240), hardware.VirtNUMATopologyCellLimit( 1, set([3, 4]), 3072, 4, 10240)]) ROOT_GB = 5 EPHEMERAL_GB = 1 FAKE_VIRT_LOCAL_GB = ROOT_GB + EPHEMERAL_GB FAKE_VIRT_VCPUS = 1 FAKE_VIRT_STATS = {'virt_stat': 10} FAKE_VIRT_STATS_JSON = jsonutils.dumps(FAKE_VIRT_STATS) RESOURCE_NAMES = ['vcpu'] CONF = cfg.CONF class UnsupportedVirtDriver(driver.ComputeDriver): """Pretend version of a lame virt driver.""" def __init__(self): super(UnsupportedVirtDriver, self).__init__(None) def get_host_ip_addr(self): return '127.0.0.1' def get_available_resource(self, nodename): # no support for getting resource usage info return {} class FakeVirtDriver(driver.ComputeDriver): def __init__(self, pci_support=False, stats=None, numa_topology=FAKE_VIRT_NUMA_TOPOLOGY): super(FakeVirtDriver, self).__init__(None) self.memory_mb = FAKE_VIRT_MEMORY_MB self.local_gb = FAKE_VIRT_LOCAL_GB self.vcpus = FAKE_VIRT_VCPUS self.numa_topology = numa_topology self.memory_mb_used = 0 self.local_gb_used = 0 self.pci_support = pci_support self.pci_devices = [{ 'label': 'forza-napoli', 'dev_type': 'foo', 'compute_node_id': 1, 'address': '0000:00:00.1', 'product_id': 'p1', 'vendor_id': 'v1', 'status': 'available', 'extra_k1': 'v1'}] if self.pci_support else [] self.pci_stats = [{ 'count': 1, 'vendor_id': 'v1', 'product_id': 'p1'}] if self.pci_support else [] if stats is not None: self.stats = stats def get_host_ip_addr(self): return '127.0.0.1' def get_available_resource(self, nodename): d = { 'vcpus': self.vcpus, 'memory_mb': self.memory_mb, 'local_gb': self.local_gb, 'vcpus_used': 0, 'memory_mb_used': self.memory_mb_used, 'local_gb_used': self.local_gb_used, 'hypervisor_type': 'fake', 'hypervisor_version': 0, 'hypervisor_hostname': 'fakehost', 'cpu_info': '', 'numa_topology': ( self.numa_topology.to_json() if self.numa_topology else None), } if self.pci_support: d['pci_passthrough_devices'] = jsonutils.dumps(self.pci_devices) if hasattr(self, 'stats'): d['stats'] = self.stats return d def estimate_instance_overhead(self, instance_info): instance_info['memory_mb'] # make sure memory value is present overhead = { 'memory_mb': FAKE_VIRT_MEMORY_OVERHEAD } return overhead # just return a constant value for testing class BaseTestCase(test.TestCase): def setUp(self): super(BaseTestCase, self).setUp() self.flags(reserved_host_disk_mb=0, reserved_host_memory_mb=0) self.context = context.get_admin_context() self.flags(use_local=True, group='conductor') self.conductor = self.start_service('conductor', manager=CONF.conductor.manager) self._instances = {} self._numa_topologies = {} self._instance_types = {} self.stubs.Set(self.conductor.db, 'instance_get_all_by_host_and_node', self._fake_instance_get_all_by_host_and_node) self.stubs.Set(db, 'instance_extra_get_by_instance_uuid', self._fake_instance_extra_get_by_instance_uuid) self.stubs.Set(self.conductor.db, 'instance_update_and_get_original', self._fake_instance_update_and_get_original) self.stubs.Set(self.conductor.db, 'flavor_get', self._fake_flavor_get) self.host = 'fakehost' self.compute = self._create_compute_node() self.updated = False self.deleted = False self.update_call_count = 0 def _create_compute_node(self, values=None): compute = { "id": 1, "service_id": 1, "vcpus": 1, "memory_mb": 1, "local_gb": 1, "vcpus_used": 1, "memory_mb_used": 1, "local_gb_used": 1, "free_ram_mb": 1, "free_disk_gb": 1, "current_workload": 1, "running_vms": 0, "cpu_info": None, "numa_topology": None, "stats": { "num_instances": "1", }, "hypervisor_hostname": "fakenode", } if values: compute.update(values) return compute def _create_service(self, host="fakehost", compute=None): if compute: compute = [compute] service = { "id": 1, "host": host, "binary": "nova-compute", "topic": "compute", "compute_node": compute, } return service def _fake_instance_system_metadata(self, instance_type, prefix=''): sys_meta = [] for key in flavors.system_metadata_flavor_props.keys(): sys_meta.append({'key': '%sinstance_type_%s' % (prefix, key), 'value': instance_type[key]}) return sys_meta def _fake_instance(self, stash=True, flavor=None, **kwargs): # Default to an instance ready to resize to or from the same # instance_type flavor = flavor or self._fake_flavor_create() sys_meta = self._fake_instance_system_metadata(flavor) if stash: # stash instance types in system metadata. sys_meta = (sys_meta + self._fake_instance_system_metadata(flavor, 'new_') + self._fake_instance_system_metadata(flavor, 'old_')) instance_uuid = str(uuid.uuid1()) instance = { 'uuid': instance_uuid, 'vm_state': vm_states.RESIZED, 'task_state': None, 'ephemeral_key_uuid': None, 'os_type': 'Linux', 'project_id': '123456', 'host': None, 'node': None, 'instance_type_id': flavor['id'], 'memory_mb': flavor['memory_mb'], 'vcpus': flavor['vcpus'], 'root_gb': flavor['root_gb'], 'ephemeral_gb': flavor['ephemeral_gb'], 'launched_on': None, 'system_metadata': sys_meta, 'availability_zone': None, 'vm_mode': None, 'reservation_id': None, 'display_name': None, 'default_swap_device': None, 'power_state': None, 'scheduled_at': None, 'access_ip_v6': None, 'access_ip_v4': None, 'key_name': None, 'updated_at': None, 'cell_name': None, 'locked': None, 'locked_by': None, 'launch_index': None, 'architecture': None, 'auto_disk_config': None, 'terminated_at': None, 'ramdisk_id': None, 'user_data': None, 'cleaned': None, 'deleted_at': None, 'id': 333, 'disable_terminate': None, 'hostname': None, 'display_description': None, 'key_data': None, 'deleted': None, 'default_ephemeral_device': None, 'progress': None, 'launched_at': None, 'config_drive': None, 'kernel_id': None, 'user_id': None, 'shutdown_terminate': None, 'created_at': None, 'image_ref': None, 'root_device_name': None, } numa_topology = kwargs.pop('numa_topology', None) if numa_topology: numa_topology = { 'id': 1, 'created_at': None, 'updated_at': None, 'deleted_at': None, 'deleted': None, 'instance_uuid': instance['uuid'], 'numa_topology': numa_topology.to_json() } instance.update(kwargs) self._instances[instance_uuid] = instance self._numa_topologies[instance_uuid] = numa_topology return instance def _fake_flavor_create(self, **kwargs): instance_type = { 'id': 1, 'created_at': None, 'updated_at': None, 'deleted_at': None, 'deleted': False, 'disabled': False, 'is_public': True, 'name': 'fakeitype', 'memory_mb': FAKE_VIRT_MEMORY_MB, 'vcpus': FAKE_VIRT_VCPUS, 'root_gb': ROOT_GB, 'ephemeral_gb': EPHEMERAL_GB, 'swap': 0, 'rxtx_factor': 1.0, 'vcpu_weight': 1, 'flavorid': 'fakeflavor', 'extra_specs': {}, } instance_type.update(**kwargs) id_ = instance_type['id'] self._instance_types[id_] = instance_type return instance_type def _fake_instance_get_all_by_host_and_node(self, context, host, nodename): return [i for i in self._instances.values() if i['host'] == host] def _fake_instance_extra_get_by_instance_uuid(self, context, instance_uuid): return self._numa_topologies.get(instance_uuid) def _fake_flavor_get(self, ctxt, id_): return self._instance_types[id_] def _fake_instance_update_and_get_original(self, context, instance_uuid, values): instance = self._instances[instance_uuid] instance.update(values) # the test doesn't care what the original instance values are, it's # only used in the subsequent notification: return (instance, instance) def _fake_compute_node_update(self, ctx, compute_node_id, values, prune_stats=False): self.update_call_count += 1 self.updated = True self.compute.update(values) return self.compute def _driver(self): return FakeVirtDriver() def _tracker(self, host=None): if host is None: host = self.host node = "fakenode" driver = self._driver() tracker = resource_tracker.ResourceTracker(host, driver, node) tracker.compute_node = self._create_compute_node() tracker.ext_resources_handler = \ resources.ResourceHandler(RESOURCE_NAMES, True) return tracker class UnsupportedDriverTestCase(BaseTestCase): """Resource tracking should be disabled when the virt driver doesn't support it. """ def setUp(self): super(UnsupportedDriverTestCase, self).setUp() self.tracker = self._tracker() # seed tracker with data: self.tracker.update_available_resource(self.context) def _driver(self): return UnsupportedVirtDriver() def test_disabled(self): # disabled = no compute node stats self.assertTrue(self.tracker.disabled) self.assertIsNone(self.tracker.compute_node) def test_disabled_claim(self): # basic claim: instance = self._fake_instance() claim = self.tracker.instance_claim(self.context, instance) self.assertEqual(0, claim.memory_mb) def test_disabled_instance_claim(self): # instance variation: instance = self._fake_instance() claim = self.tracker.instance_claim(self.context, instance) self.assertEqual(0, claim.memory_mb) def test_disabled_instance_context_claim(self): # instance context manager variation: instance = self._fake_instance() claim = self.tracker.instance_claim(self.context, instance) with self.tracker.instance_claim(self.context, instance) as claim: self.assertEqual(0, claim.memory_mb) def test_disabled_updated_usage(self): instance = self._fake_instance(host='fakehost', memory_mb=5, root_gb=10) self.tracker.update_usage(self.context, instance) def test_disabled_resize_claim(self): instance = self._fake_instance() instance_type = self._fake_flavor_create() claim = self.tracker.resize_claim(self.context, instance, instance_type) self.assertEqual(0, claim.memory_mb) self.assertEqual(instance['uuid'], claim.migration['instance_uuid']) self.assertEqual(instance_type['id'], claim.migration['new_instance_type_id']) def test_disabled_resize_context_claim(self): instance = self._fake_instance() instance_type = self._fake_flavor_create() with self.tracker.resize_claim(self.context, instance, instance_type) \ as claim: self.assertEqual(0, claim.memory_mb) class MissingServiceTestCase(BaseTestCase): def setUp(self): super(MissingServiceTestCase, self).setUp() self.context = context.get_admin_context() self.tracker = self._tracker() def test_missing_service(self): self.tracker.compute_node = None self.tracker._get_service = mock.Mock(return_value=None) self.tracker.update_available_resource(self.context) self.assertTrue(self.tracker.disabled) class MissingComputeNodeTestCase(BaseTestCase): def setUp(self): super(MissingComputeNodeTestCase, self).setUp() self.tracker = self._tracker() self.stubs.Set(db, 'service_get_by_compute_host', self._fake_service_get_by_compute_host) self.stubs.Set(db, 'compute_node_create', self._fake_create_compute_node) self.tracker.scheduler_client.update_resource_stats = mock.Mock() def _fake_create_compute_node(self, context, values): self.created = True return self._create_compute_node(values) def _fake_service_get_by_compute_host(self, ctx, host): # return a service with no joined compute service = self._create_service() return service def test_create_compute_node(self): self.tracker.compute_node = None self.tracker.update_available_resource(self.context) self.assertTrue(self.created) def test_enabled(self): self.tracker.update_available_resource(self.context) self.assertFalse(self.tracker.disabled) class BaseTrackerTestCase(BaseTestCase): def setUp(self): # setup plumbing for a working resource tracker with required # database models and a compatible compute driver: super(BaseTrackerTestCase, self).setUp() self.tracker = self._tracker() self._migrations = {} self.stubs.Set(db, 'service_get_by_compute_host', self._fake_service_get_by_compute_host) self.stubs.Set(db, 'compute_node_update', self._fake_compute_node_update) self.stubs.Set(db, 'compute_node_delete', self._fake_compute_node_delete) self.stubs.Set(db, 'migration_update', self._fake_migration_update) self.stubs.Set(db, 'migration_get_in_progress_by_host_and_node', self._fake_migration_get_in_progress_by_host_and_node) # Note that this must be called before the call to _init_tracker() patcher = pci_fakes.fake_pci_whitelist() self.addCleanup(patcher.stop) self.stubs.Set(self.tracker.scheduler_client, 'update_resource_stats', self._fake_compute_node_update) self._init_tracker() self.limits = self._limits() def _fake_service_get_by_compute_host(self, ctx, host): self.service = self._create_service(host, compute=self.compute) return self.service def _fake_compute_node_update(self, ctx, compute_node_id, values, prune_stats=False): self.update_call_count += 1 self.updated = True self.compute.update(values) return self.compute def _fake_compute_node_delete(self, ctx, compute_node_id): self.deleted = True self.compute.update({'deleted': 1}) return self.compute def _fake_migration_get_in_progress_by_host_and_node(self, ctxt, host, node): status = ['confirmed', 'reverted', 'error'] migrations = [] for migration in self._migrations.values(): migration = obj_base.obj_to_primitive(migration) if migration['status'] in status: continue uuid = migration['instance_uuid'] migration['instance'] = self._instances[uuid] migrations.append(migration) return migrations def _fake_migration_update(self, ctxt, migration_id, values): # cheat and assume there's only 1 migration present migration = self._migrations.values()[0] migration.update(values) return migration def _init_tracker(self): self.tracker.update_available_resource(self.context) def _limits(self, memory_mb=FAKE_VIRT_MEMORY_WITH_OVERHEAD, disk_gb=FAKE_VIRT_LOCAL_GB, vcpus=FAKE_VIRT_VCPUS, numa_topology=FAKE_VIRT_NUMA_TOPOLOGY_OVERHEAD): """Create limits dictionary used for oversubscribing resources.""" return { 'memory_mb': memory_mb, 'disk_gb': disk_gb, 'vcpu': vcpus, 'numa_topology': numa_topology.to_json() if numa_topology else None } def assertEqualNUMAHostTopology(self, expected, got): attrs = ('cpuset', 'memory', 'id', 'cpu_usage', 'memory_usage') if None in (expected, got): if expected != got: raise AssertionError("Topologies don't match. Expected: " "%(expected)s, but got: %(got)s" % {'expected': expected, 'got': got}) else: return if len(expected) != len(got): raise AssertionError("Topologies don't match due to different " "number of cells. Expected: " "%(expected)s, but got: %(got)s" % {'expected': expected, 'got': got}) for exp_cell, got_cell in zip(expected.cells, got.cells): for attr in attrs: if getattr(exp_cell, attr) != getattr(got_cell, attr): raise AssertionError("Topologies don't match. Expected: " "%(expected)s, but got: %(got)s" % {'expected': expected, 'got': got}) def _assert(self, value, field, tracker=None): if tracker is None: tracker = self.tracker if field not in tracker.compute_node: raise test.TestingException( "'%(field)s' not in compute node." % {'field': field}) x = tracker.compute_node[field] if field == 'numa_topology': self.assertEqualNUMAHostTopology( value, hardware.VirtNUMAHostTopology.from_json(x)) else: self.assertEqual(value, x) class TrackerTestCase(BaseTrackerTestCase): def test_free_ram_resource_value(self): driver = FakeVirtDriver() mem_free = driver.memory_mb - driver.memory_mb_used self.assertEqual(mem_free, self.tracker.compute_node['free_ram_mb']) def test_free_disk_resource_value(self): driver = FakeVirtDriver() mem_free = driver.local_gb - driver.local_gb_used self.assertEqual(mem_free, self.tracker.compute_node['free_disk_gb']) def test_update_compute_node(self): self.assertFalse(self.tracker.disabled) self.assertTrue(self.updated) def test_init(self): driver = self._driver() self._assert(FAKE_VIRT_MEMORY_MB, 'memory_mb') self._assert(FAKE_VIRT_LOCAL_GB, 'local_gb') self._assert(FAKE_VIRT_VCPUS, 'vcpus') self._assert(FAKE_VIRT_NUMA_TOPOLOGY, 'numa_topology') self._assert(0, 'memory_mb_used') self._assert(0, 'local_gb_used') self._assert(0, 'vcpus_used') self._assert(0, 'running_vms') self._assert(FAKE_VIRT_MEMORY_MB, 'free_ram_mb') self._assert(FAKE_VIRT_LOCAL_GB, 'free_disk_gb') self.assertFalse(self.tracker.disabled) self.assertEqual(0, self.tracker.compute_node['current_workload']) self.assertEqual(driver.pci_stats, jsonutils.loads(self.tracker.compute_node['pci_stats'])) class SchedulerClientTrackerTestCase(BaseTrackerTestCase): def setUp(self): super(SchedulerClientTrackerTestCase, self).setUp() self.tracker.scheduler_client.update_resource_stats = mock.Mock( side_effect=self._fake_compute_node_update) def test_update_resource(self): self.tracker._write_ext_resources = mock.Mock() values = {'stats': {}, 'foo': 'bar', 'baz_count': 0} self.tracker._update(self.context, values) expected = {'stats': '{}', 'foo': 'bar', 'baz_count': 0, 'id': 1} self.tracker.scheduler_client.update_resource_stats.\ assert_called_once_with(self.context, ("fakehost", "fakenode"), expected) class TrackerPciStatsTestCase(BaseTrackerTestCase): def test_update_compute_node(self): self.assertFalse(self.tracker.disabled) self.assertTrue(self.updated) def test_init(self): driver = self._driver() self._assert(FAKE_VIRT_MEMORY_MB, 'memory_mb') self._assert(FAKE_VIRT_LOCAL_GB, 'local_gb') self._assert(FAKE_VIRT_VCPUS, 'vcpus') self._assert(FAKE_VIRT_NUMA_TOPOLOGY, 'numa_topology') self._assert(0, 'memory_mb_used') self._assert(0, 'local_gb_used') self._assert(0, 'vcpus_used') self._assert(0, 'running_vms') self._assert(FAKE_VIRT_MEMORY_MB, 'free_ram_mb') self._assert(FAKE_VIRT_LOCAL_GB, 'free_disk_gb') self.assertFalse(self.tracker.disabled) self.assertEqual(0, self.tracker.compute_node['current_workload']) self.assertEqual(driver.pci_stats, jsonutils.loads(self.tracker.compute_node['pci_stats'])) def _driver(self): return FakeVirtDriver(pci_support=True) class TrackerExtraResourcesTestCase(BaseTrackerTestCase): def setUp(self): super(TrackerExtraResourcesTestCase, self).setUp() self.driver = self._driver() def _driver(self): return FakeVirtDriver() def test_set_empty_ext_resources(self): resources = self.driver.get_available_resource(self.tracker.nodename) self.assertNotIn('stats', resources) self.tracker._write_ext_resources(resources) self.assertIn('stats', resources) def test_set_extra_resources(self): def fake_write_resources(resources): resources['stats']['resA'] = '123' resources['stats']['resB'] = 12 self.stubs.Set(self.tracker.ext_resources_handler, 'write_resources', fake_write_resources) resources = self.driver.get_available_resource(self.tracker.nodename) self.tracker._write_ext_resources(resources) expected = {"resA": "123", "resB": 12} self.assertEqual(sorted(expected), sorted(resources['stats'])) class InstanceClaimTestCase(BaseTrackerTestCase): def _instance_topology(self, mem): mem = mem * 1024 return hardware.VirtNUMAInstanceTopology( cells=[hardware.VirtNUMATopologyCell(0, set([1]), mem), hardware.VirtNUMATopologyCell(1, set([3]), mem)]) def _claim_topology(self, mem, cpus=1): if self.tracker.driver.numa_topology is None: return None mem = mem * 1024 return hardware.VirtNUMAHostTopology( cells=[hardware.VirtNUMATopologyCellUsage( 0, set([1, 2]), 3072, cpu_usage=cpus, memory_usage=mem), hardware.VirtNUMATopologyCellUsage( 1, set([3, 4]), 3072, cpu_usage=cpus, memory_usage=mem)]) @mock.patch('nova.objects.InstancePCIRequests.get_by_instance_uuid', return_value=objects.InstancePCIRequests(requests=[])) def test_update_usage_only_for_tracked(self, mock_get): flavor = self._fake_flavor_create() claim_mem = flavor['memory_mb'] + FAKE_VIRT_MEMORY_OVERHEAD claim_gb = flavor['root_gb'] + flavor['ephemeral_gb'] claim_topology = self._claim_topology(claim_mem / 2) instance_topology = self._instance_topology(claim_mem / 2) instance = self._fake_instance( flavor=flavor, task_state=None, numa_topology=instance_topology) self.tracker.update_usage(self.context, instance) self._assert(0, 'memory_mb_used') self._assert(0, 'local_gb_used') self._assert(0, 'current_workload') self._assert(FAKE_VIRT_NUMA_TOPOLOGY, 'numa_topology') claim = self.tracker.instance_claim(self.context, instance, self.limits) self.assertNotEqual(0, claim.memory_mb) self._assert(claim_mem, 'memory_mb_used') self._assert(claim_gb, 'local_gb_used') self._assert(claim_topology, 'numa_topology') # now update should actually take effect instance['task_state'] = task_states.SCHEDULING self.tracker.update_usage(self.context, instance) self._assert(claim_mem, 'memory_mb_used') self._assert(claim_gb, 'local_gb_used') self._assert(claim_topology, 'numa_topology') self._assert(1, 'current_workload') @mock.patch('nova.objects.InstancePCIRequests.get_by_instance_uuid', return_value=objects.InstancePCIRequests(requests=[])) def test_claim_and_audit(self, mock_get): claim_mem = 3 claim_mem_total = 3 + FAKE_VIRT_MEMORY_OVERHEAD claim_disk = 2 claim_topology = self._claim_topology(claim_mem_total / 2) instance_topology = self._instance_topology(claim_mem_total / 2) instance = self._fake_instance(memory_mb=claim_mem, root_gb=claim_disk, ephemeral_gb=0, numa_topology=instance_topology) self.tracker.instance_claim(self.context, instance, self.limits) self.assertEqual(FAKE_VIRT_MEMORY_MB, self.compute["memory_mb"]) self.assertEqual(claim_mem_total, self.compute["memory_mb_used"]) self.assertEqual(FAKE_VIRT_MEMORY_MB - claim_mem_total, self.compute["free_ram_mb"]) self.assertEqualNUMAHostTopology( claim_topology, hardware.VirtNUMAHostTopology.from_json( self.compute['numa_topology'])) self.assertEqual(FAKE_VIRT_LOCAL_GB, self.compute["local_gb"]) self.assertEqual(claim_disk, self.compute["local_gb_used"]) self.assertEqual(FAKE_VIRT_LOCAL_GB - claim_disk, self.compute["free_disk_gb"]) # 1st pretend that the compute operation finished and claimed the # desired resources from the virt layer driver = self.tracker.driver driver.memory_mb_used = claim_mem driver.local_gb_used = claim_disk self.tracker.update_available_resource(self.context) # confirm tracker is adding in host_ip self.assertIsNotNone(self.compute.get('host_ip')) # confirm that resource usage is derived from instance usages, # not virt layer: self.assertEqual(claim_mem_total, self.compute['memory_mb_used']) self.assertEqual(FAKE_VIRT_MEMORY_MB - claim_mem_total, self.compute['free_ram_mb']) self.assertEqualNUMAHostTopology( claim_topology, hardware.VirtNUMAHostTopology.from_json( self.compute['numa_topology'])) self.assertEqual(claim_disk, self.compute['local_gb_used']) self.assertEqual(FAKE_VIRT_LOCAL_GB - claim_disk, self.compute['free_disk_gb']) @mock.patch('nova.objects.InstancePCIRequests.get_by_instance_uuid', return_value=objects.InstancePCIRequests(requests=[])) def test_claim_and_abort(self, mock_get): claim_mem = 3 claim_mem_total = 3 + FAKE_VIRT_MEMORY_OVERHEAD claim_disk = 2 claim_topology = self._claim_topology(claim_mem_total / 2) instance_topology = self._instance_topology(claim_mem_total / 2) instance = self._fake_instance(memory_mb=claim_mem, root_gb=claim_disk, ephemeral_gb=0, numa_topology=instance_topology) claim = self.tracker.instance_claim(self.context, instance, self.limits) self.assertIsNotNone(claim) self.assertEqual(claim_mem_total, self.compute["memory_mb_used"]) self.assertEqual(FAKE_VIRT_MEMORY_MB - claim_mem_total, self.compute["free_ram_mb"]) self.assertEqualNUMAHostTopology( claim_topology, hardware.VirtNUMAHostTopology.from_json( self.compute['numa_topology'])) self.assertEqual(claim_disk, self.compute["local_gb_used"]) self.assertEqual(FAKE_VIRT_LOCAL_GB - claim_disk, self.compute["free_disk_gb"]) claim.abort() self.assertEqual(0, self.compute["memory_mb_used"]) self.assertEqual(FAKE_VIRT_MEMORY_MB, self.compute["free_ram_mb"]) self.assertEqualNUMAHostTopology( FAKE_VIRT_NUMA_TOPOLOGY, hardware.VirtNUMAHostTopology.from_json( self.compute['numa_topology'])) self.assertEqual(0, self.compute["local_gb_used"]) self.assertEqual(FAKE_VIRT_LOCAL_GB, self.compute["free_disk_gb"]) @mock.patch('nova.objects.InstancePCIRequests.get_by_instance_uuid', return_value=objects.InstancePCIRequests(requests=[])) def test_instance_claim_with_oversubscription(self, mock_get): memory_mb = FAKE_VIRT_MEMORY_MB * 2 root_gb = ephemeral_gb = FAKE_VIRT_LOCAL_GB vcpus = FAKE_VIRT_VCPUS * 2 claim_topology = self._claim_topology(3) instance_topology = self._instance_topology(3) limits = {'memory_mb': memory_mb + FAKE_VIRT_MEMORY_OVERHEAD, 'disk_gb': root_gb * 2, 'vcpu': vcpus, 'numa_topology': FAKE_VIRT_NUMA_TOPOLOGY_OVERHEAD.to_json()} instance = self._fake_instance(memory_mb=memory_mb, root_gb=root_gb, ephemeral_gb=ephemeral_gb, numa_topology=instance_topology) self.tracker.instance_claim(self.context, instance, limits) self.assertEqual(memory_mb + FAKE_VIRT_MEMORY_OVERHEAD, self.tracker.compute_node['memory_mb_used']) self.assertEqualNUMAHostTopology( claim_topology, hardware.VirtNUMAHostTopology.from_json( self.compute['numa_topology'])) self.assertEqual(root_gb * 2, self.tracker.compute_node['local_gb_used']) @mock.patch('nova.objects.InstancePCIRequests.get_by_instance_uuid', return_value=objects.InstancePCIRequests(requests=[])) def test_additive_claims(self, mock_get): self.limits['vcpu'] = 2 claim_topology = self._claim_topology(2, cpus=2) flavor = self._fake_flavor_create( memory_mb=1, root_gb=1, ephemeral_gb=0) instance_topology = self._instance_topology(1) instance = self._fake_instance( flavor=flavor, numa_topology=instance_topology) with self.tracker.instance_claim(self.context, instance, self.limits): pass instance = self._fake_instance( flavor=flavor, numa_topology=instance_topology) with self.tracker.instance_claim(self.context, instance, self.limits): pass self.assertEqual(2 * (flavor['memory_mb'] + FAKE_VIRT_MEMORY_OVERHEAD), self.tracker.compute_node['memory_mb_used']) self.assertEqual(2 * (flavor['root_gb'] + flavor['ephemeral_gb']), self.tracker.compute_node['local_gb_used']) self.assertEqual(2 * flavor['vcpus'], self.tracker.compute_node['vcpus_used']) self.assertEqualNUMAHostTopology( claim_topology, hardware.VirtNUMAHostTopology.from_json( self.compute['numa_topology'])) @mock.patch('nova.objects.InstancePCIRequests.get_by_instance_uuid', return_value=objects.InstancePCIRequests(requests=[])) def test_context_claim_with_exception(self, mock_get): instance = self._fake_instance(memory_mb=1, root_gb=1, ephemeral_gb=1) try: with self.tracker.instance_claim(self.context, instance): # <insert exciting things that utilize resources> raise test.TestingException() except test.TestingException: pass self.assertEqual(0, self.tracker.compute_node['memory_mb_used']) self.assertEqual(0, self.tracker.compute_node['local_gb_used']) self.assertEqual(0, self.compute['memory_mb_used']) self.assertEqual(0, self.compute['local_gb_used']) self.assertEqualNUMAHostTopology( FAKE_VIRT_NUMA_TOPOLOGY, hardware.VirtNUMAHostTopology.from_json( self.compute['numa_topology'])) @mock.patch('nova.objects.InstancePCIRequests.get_by_instance_uuid', return_value=objects.InstancePCIRequests(requests=[])) def test_instance_context_claim(self, mock_get): flavor = self._fake_flavor_create( memory_mb=1, root_gb=2, ephemeral_gb=3) claim_topology = self._claim_topology(1) instance_topology = self._instance_topology(1) instance = self._fake_instance( flavor=flavor, numa_topology=instance_topology) with self.tracker.instance_claim(self.context, instance): # <insert exciting things that utilize resources> self.assertEqual(flavor['memory_mb'] + FAKE_VIRT_MEMORY_OVERHEAD, self.tracker.compute_node['memory_mb_used']) self.assertEqual(flavor['root_gb'] + flavor['ephemeral_gb'], self.tracker.compute_node['local_gb_used']) self.assertEqual(flavor['memory_mb'] + FAKE_VIRT_MEMORY_OVERHEAD, self.compute['memory_mb_used']) self.assertEqualNUMAHostTopology( claim_topology, hardware.VirtNUMAHostTopology.from_json( self.compute['numa_topology'])) self.assertEqual(flavor['root_gb'] + flavor['ephemeral_gb'], self.compute['local_gb_used']) # after exiting claim context, build is marked as finished. usage # totals should be same: self.tracker.update_available_resource(self.context) self.assertEqual(flavor['memory_mb'] + FAKE_VIRT_MEMORY_OVERHEAD, self.tracker.compute_node['memory_mb_used']) self.assertEqual(flavor['root_gb'] + flavor['ephemeral_gb'], self.tracker.compute_node['local_gb_used']) self.assertEqual(flavor['memory_mb'] + FAKE_VIRT_MEMORY_OVERHEAD, self.compute['memory_mb_used']) self.assertEqualNUMAHostTopology( claim_topology, hardware.VirtNUMAHostTopology.from_json( self.compute['numa_topology'])) self.assertEqual(flavor['root_gb'] + flavor['ephemeral_gb'], self.compute['local_gb_used']) @mock.patch('nova.objects.InstancePCIRequests.get_by_instance_uuid', return_value=objects.InstancePCIRequests(requests=[])) def test_update_load_stats_for_instance(self, mock_get): instance = self._fake_instance(task_state=task_states.SCHEDULING) with self.tracker.instance_claim(self.context, instance): pass self.assertEqual(1, self.tracker.compute_node['current_workload']) instance['vm_state'] = vm_states.ACTIVE instance['task_state'] = None instance['host'] = 'fakehost' self.tracker.update_usage(self.context, instance) self.assertEqual(0, self.tracker.compute_node['current_workload']) @mock.patch('nova.objects.InstancePCIRequests.get_by_instance_uuid', return_value=objects.InstancePCIRequests(requests=[])) def test_cpu_stats(self, mock_get): limits = {'disk_gb': 100, 'memory_mb': 100} self.assertEqual(0, self.tracker.compute_node['vcpus_used']) vcpus = 1 instance = self._fake_instance(vcpus=vcpus) # should not do anything until a claim is made: self.tracker.update_usage(self.context, instance) self.assertEqual(0, self.tracker.compute_node['vcpus_used']) with self.tracker.instance_claim(self.context, instance, limits): pass self.assertEqual(vcpus, self.tracker.compute_node['vcpus_used']) # instance state can change without modifying vcpus in use: instance['task_state'] = task_states.SCHEDULING self.tracker.update_usage(self.context, instance) self.assertEqual(vcpus, self.tracker.compute_node['vcpus_used']) add_vcpus = 10 vcpus += add_vcpus instance = self._fake_instance(vcpus=add_vcpus) with self.tracker.instance_claim(self.context, instance, limits): pass self.assertEqual(vcpus, self.tracker.compute_node['vcpus_used']) instance['vm_state'] = vm_states.DELETED self.tracker.update_usage(self.context, instance) vcpus -= add_vcpus self.assertEqual(vcpus, self.tracker.compute_node['vcpus_used']) def test_skip_deleted_instances(self): # ensure that the audit process skips instances that have vm_state # DELETED, but the DB record is not yet deleted. self._fake_instance(vm_state=vm_states.DELETED, host=self.host) self.tracker.update_available_resource(self.context) self.assertEqual(0, self.tracker.compute_node['memory_mb_used']) self.assertEqual(0, self.tracker.compute_node['local_gb_used']) class ResizeClaimTestCase(BaseTrackerTestCase): def setUp(self): super(ResizeClaimTestCase, self).setUp() def _fake_migration_create(mig_self, ctxt): self._migrations[mig_self.instance_uuid] = mig_self mig_self.obj_reset_changes() self.stubs.Set(objects.Migration, 'create', _fake_migration_create) self.instance = self._fake_instance() self.instance_type = self._fake_flavor_create() def _fake_migration_create(self, context, values=None): instance_uuid = str(uuid.uuid1()) mig_dict = test_migration.fake_db_migration() mig_dict.update({ 'id': 1, 'source_compute': 'host1', 'source_node': 'fakenode', 'dest_compute': 'host2', 'dest_node': 'fakenode', 'dest_host': '127.0.0.1', 'old_instance_type_id': 1, 'new_instance_type_id': 2, 'instance_uuid': instance_uuid, 'status': 'pre-migrating', 'updated_at': timeutils.utcnow() }) if values: mig_dict.update(values) migration = objects.Migration() migration.update(mig_dict) # This hits the stub in setUp() migration.create('fake') @mock.patch('nova.objects.InstancePCIRequests.get_by_instance_uuid', return_value=objects.InstancePCIRequests(requests=[])) def test_claim(self, mock_get): self.tracker.resize_claim(self.context, self.instance, self.instance_type, self.limits) self._assert(FAKE_VIRT_MEMORY_WITH_OVERHEAD, 'memory_mb_used') self._assert(FAKE_VIRT_LOCAL_GB, 'local_gb_used') self._assert(FAKE_VIRT_VCPUS, 'vcpus_used') self.assertEqual(1, len(self.tracker.tracked_migrations)) @mock.patch('nova.objects.InstancePCIRequests.get_by_instance_uuid', return_value=objects.InstancePCIRequests(requests=[])) def test_abort(self, mock_get): try: with self.tracker.resize_claim(self.context, self.instance, self.instance_type, self.limits): raise test.TestingException("abort") except test.TestingException: pass self._assert(0, 'memory_mb_used') self._assert(0, 'local_gb_used') self._assert(0, 'vcpus_used') self.assertEqual(0, len(self.tracker.tracked_migrations)) @mock.patch('nova.objects.InstancePCIRequests.get_by_instance_uuid', return_value=objects.InstancePCIRequests(requests=[])) def test_additive_claims(self, mock_get): limits = self._limits( 2 * FAKE_VIRT_MEMORY_WITH_OVERHEAD, 2 * FAKE_VIRT_LOCAL_GB, 2 * FAKE_VIRT_VCPUS) self.tracker.resize_claim(self.context, self.instance, self.instance_type, limits) instance2 = self._fake_instance() self.tracker.resize_claim(self.context, instance2, self.instance_type, limits) self._assert(2 * FAKE_VIRT_MEMORY_WITH_OVERHEAD, 'memory_mb_used') self._assert(2 * FAKE_VIRT_LOCAL_GB, 'local_gb_used') self._assert(2 * FAKE_VIRT_VCPUS, 'vcpus_used') @mock.patch('nova.objects.InstancePCIRequests.get_by_instance_uuid', return_value=objects.InstancePCIRequests(requests=[])) def test_claim_and_audit(self, mock_get): self.tracker.resize_claim(self.context, self.instance, self.instance_type, self.limits) self.tracker.update_available_resource(self.context) self._assert(FAKE_VIRT_MEMORY_WITH_OVERHEAD, 'memory_mb_used') self._assert(FAKE_VIRT_LOCAL_GB, 'local_gb_used') self._assert(FAKE_VIRT_VCPUS, 'vcpus_used') @mock.patch('nova.objects.InstancePCIRequests.get_by_instance_uuid', return_value=objects.InstancePCIRequests(requests=[])) def test_same_host(self, mock_get): self.limits['vcpu'] = 3 src_dict = { 'memory_mb': 1, 'root_gb': 1, 'ephemeral_gb': 0, 'vcpus': 1} dest_dict = dict((k, v + 1) for (k, v) in src_dict.iteritems()) src_type = self._fake_flavor_create( id=10, name="srcflavor", **src_dict) dest_type = self._fake_flavor_create( id=11, name="destflavor", **dest_dict) # make an instance of src_type: instance = self._fake_instance(flavor=src_type) instance['system_metadata'] = self._fake_instance_system_metadata( dest_type) self.tracker.instance_claim(self.context, instance, self.limits) # resize to dest_type: claim = self.tracker.resize_claim(self.context, instance, dest_type, self.limits) self._assert(src_dict['memory_mb'] + dest_dict['memory_mb'] + 2 * FAKE_VIRT_MEMORY_OVERHEAD, 'memory_mb_used') self._assert(src_dict['root_gb'] + src_dict['ephemeral_gb'] + dest_dict['root_gb'] + dest_dict['ephemeral_gb'], 'local_gb_used') self._assert(src_dict['vcpus'] + dest_dict['vcpus'], 'vcpus_used') self.tracker.update_available_resource(self.context) claim.abort() # only the original instance should remain, not the migration: self._assert(src_dict['memory_mb'] + FAKE_VIRT_MEMORY_OVERHEAD, 'memory_mb_used') self._assert(src_dict['root_gb'] + src_dict['ephemeral_gb'], 'local_gb_used') self._assert(src_dict['vcpus'], 'vcpus_used') self.assertEqual(1, len(self.tracker.tracked_instances)) self.assertEqual(0, len(self.tracker.tracked_migrations)) @mock.patch('nova.objects.InstancePCIRequests.get_by_instance_uuid', return_value=objects.InstancePCIRequests(requests=[])) def test_revert(self, mock_get): self.tracker.resize_claim(self.context, self.instance, self.instance_type, {}, self.limits) self.tracker.drop_resize_claim(self.context, self.instance) self.assertEqual(0, len(self.tracker.tracked_instances)) self.assertEqual(0, len(self.tracker.tracked_migrations)) self._assert(0, 'memory_mb_used') self._assert(0, 'local_gb_used') self._assert(0, 'vcpus_used') @mock.patch('nova.objects.InstancePCIRequests.get_by_instance_uuid', return_value=objects.InstancePCIRequests(requests=[])) def test_revert_reserve_source(self, mock_get): # if a revert has started at the API and audit runs on # the source compute before the instance flips back to source, # resources should still be held at the source based on the # migration: dest = "desthost" dest_tracker = self._tracker(host=dest) dest_tracker.update_available_resource(self.context) self.instance = self._fake_instance(memory_mb=FAKE_VIRT_MEMORY_MB, root_gb=FAKE_VIRT_LOCAL_GB, ephemeral_gb=0, vcpus=FAKE_VIRT_VCPUS, instance_type_id=1) values = {'source_compute': self.host, 'dest_compute': dest, 'old_instance_type_id': 1, 'new_instance_type_id': 1, 'status': 'post-migrating', 'instance_uuid': self.instance['uuid']} self._fake_migration_create(self.context, values) # attach an instance to the destination host tracker: dest_tracker.instance_claim(self.context, self.instance) self._assert(FAKE_VIRT_MEMORY_WITH_OVERHEAD, 'memory_mb_used', tracker=dest_tracker) self._assert(FAKE_VIRT_LOCAL_GB, 'local_gb_used', tracker=dest_tracker) self._assert(FAKE_VIRT_VCPUS, 'vcpus_used', tracker=dest_tracker) # audit and recheck to confirm migration doesn't get double counted # on dest: dest_tracker.update_available_resource(self.context) self._assert(FAKE_VIRT_MEMORY_WITH_OVERHEAD, 'memory_mb_used', tracker=dest_tracker) self._assert(FAKE_VIRT_LOCAL_GB, 'local_gb_used', tracker=dest_tracker) self._assert(FAKE_VIRT_VCPUS, 'vcpus_used', tracker=dest_tracker) # apply the migration to the source host tracker: self.tracker.update_available_resource(self.context) self._assert(FAKE_VIRT_MEMORY_WITH_OVERHEAD, 'memory_mb_used') self._assert(FAKE_VIRT_LOCAL_GB, 'local_gb_used') self._assert(FAKE_VIRT_VCPUS, 'vcpus_used') # flag the instance and migration as reverting and re-audit: self.instance['vm_state'] = vm_states.RESIZED self.instance['task_state'] = task_states.RESIZE_REVERTING self.tracker.update_available_resource(self.context) self._assert(FAKE_VIRT_MEMORY_MB + 1, 'memory_mb_used') self._assert(FAKE_VIRT_LOCAL_GB, 'local_gb_used') self._assert(FAKE_VIRT_VCPUS, 'vcpus_used') def test_resize_filter(self): instance = self._fake_instance(vm_state=vm_states.ACTIVE, task_state=task_states.SUSPENDING) self.assertFalse(self.tracker._instance_in_resize_state(instance)) instance = self._fake_instance(vm_state=vm_states.RESIZED, task_state=task_states.SUSPENDING) self.assertTrue(self.tracker._instance_in_resize_state(instance)) states = [task_states.RESIZE_PREP, task_states.RESIZE_MIGRATING, task_states.RESIZE_MIGRATED, task_states.RESIZE_FINISH] for vm_state in [vm_states.ACTIVE, vm_states.STOPPED]: for task_state in states: instance = self._fake_instance(vm_state=vm_state, task_state=task_state) result = self.tracker._instance_in_resize_state(instance) self.assertTrue(result) def test_dupe_filter(self): instance = self._fake_instance(host=self.host) values = {'source_compute': self.host, 'dest_compute': self.host, 'instance_uuid': instance['uuid'], 'new_instance_type_id': 2} self._fake_flavor_create(id=2) self._fake_migration_create(self.context, values) self._fake_migration_create(self.context, values) self.tracker.update_available_resource(self.context) self.assertEqual(1, len(self.tracker.tracked_migrations)) @mock.patch('nova.objects.InstancePCIRequests.get_by_instance_uuid', return_value=objects.InstancePCIRequests(requests=[])) def test_set_instance_host_and_node(self, mock_get): instance = self._fake_instance() self.assertIsNone(instance['host']) self.assertIsNone(instance['launched_on']) self.assertIsNone(instance['node']) claim = self.tracker.instance_claim(self.context, instance) self.assertNotEqual(0, claim.memory_mb) self.assertEqual('fakehost', instance['host']) self.assertEqual('fakehost', instance['launched_on']) self.assertEqual('fakenode', instance['node']) class NoInstanceTypesInSysMetadata(ResizeClaimTestCase): """Make sure we handle the case where the following are true: #) Compute node C gets upgraded to code that looks for instance types in system metadata. AND #) C already has instances in the process of migrating that do not have stashed instance types. bug 1164110 """ def setUp(self): super(NoInstanceTypesInSysMetadata, self).setUp() self.instance = self._fake_instance(stash=False) def test_get_instance_type_stash_false(self): with (mock.patch.object(objects.Flavor, 'get_by_id', return_value=self.instance_type)): flavor = self.tracker._get_instance_type(self.context, self.instance, "new_") self.assertEqual(self.instance_type, flavor) class OrphanTestCase(BaseTrackerTestCase): def _driver(self): class OrphanVirtDriver(FakeVirtDriver): def get_per_instance_usage(self): return { '1-2-3-4-5': {'memory_mb': FAKE_VIRT_MEMORY_MB, 'uuid': '1-2-3-4-5'}, '2-3-4-5-6': {'memory_mb': FAKE_VIRT_MEMORY_MB, 'uuid': '2-3-4-5-6'}, } return OrphanVirtDriver() def test_usage(self): self.assertEqual(2 * FAKE_VIRT_MEMORY_WITH_OVERHEAD, self.tracker.compute_node['memory_mb_used']) def test_find(self): # create one legit instance and verify the 2 orphans remain self._fake_instance() orphans = self.tracker._find_orphaned_instances() self.assertEqual(2, len(orphans)) class ComputeMonitorTestCase(BaseTestCase): def setUp(self): super(ComputeMonitorTestCase, self).setUp() fake_monitors = [ 'nova.tests.compute.monitors.test_monitors.FakeMonitorClass1', 'nova.tests.compute.monitors.test_monitors.FakeMonitorClass2'] self.flags(compute_available_monitors=fake_monitors) self.tracker = self._tracker() self.node_name = 'nodename' self.user_id = 'fake' self.project_id = 'fake' self.info = {} self.context = context.RequestContext(self.user_id, self.project_id) def test_get_host_metrics_none(self): self.flags(compute_monitors=['FakeMontorClass1', 'FakeMonitorClass4']) self.tracker.monitors = [] metrics = self.tracker._get_host_metrics(self.context, self.node_name) self.assertEqual(len(metrics), 0) def test_get_host_metrics_one_failed(self): self.flags(compute_monitors=['FakeMonitorClass1', 'FakeMonitorClass4']) class1 = test_monitors.FakeMonitorClass1(self.tracker) class4 = test_monitors.FakeMonitorClass4(self.tracker) self.tracker.monitors = [class1, class4] metrics = self.tracker._get_host_metrics(self.context, self.node_name) self.assertTrue(len(metrics) > 0) @mock.patch.object(resource_tracker.LOG, 'warn') def test_get_host_metrics_exception(self, mock_LOG_warn): self.flags(compute_monitors=['FakeMontorClass1']) class1 = test_monitors.FakeMonitorClass1(self.tracker) self.tracker.monitors = [class1] with mock.patch.object(class1, 'get_metrics', side_effect=test.TestingException()): metrics = self.tracker._get_host_metrics(self.context, self.node_name) mock_LOG_warn.assert_called_once_with( u'Cannot get the metrics from %s.', class1) self.assertEqual(0, len(metrics)) def test_get_host_metrics(self): self.flags(compute_monitors=['FakeMonitorClass1', 'FakeMonitorClass2']) class1 = test_monitors.FakeMonitorClass1(self.tracker) class2 = test_monitors.FakeMonitorClass2(self.tracker) self.tracker.monitors = [class1, class2] mock_notifier = mock.Mock() with mock.patch.object(rpc, 'get_notifier', return_value=mock_notifier) as mock_get: metrics = self.tracker._get_host_metrics(self.context, self.node_name) mock_get.assert_called_once_with(service='compute', host=self.node_name) expected_metrics = [{ 'timestamp': 1232, 'name': 'key1', 'value': 2600, 'source': 'libvirt' }, { 'name': 'key2', 'source': 'libvirt', 'timestamp': 123, 'value': 1600 }] payload = { 'metrics': expected_metrics, 'host': self.tracker.host, 'host_ip': CONF.my_ip, 'nodename': self.node_name } mock_notifier.info.assert_called_once_with( self.context, 'compute.metrics.update', payload) self.assertEqual(metrics, expected_metrics) class TrackerPeriodicTestCase(BaseTrackerTestCase): def test_periodic_status_update(self): # verify update called on instantiation self.assertEqual(1, self.update_call_count) # verify update not called if no change to resources self.tracker.update_available_resource(self.context) self.assertEqual(1, self.update_call_count) # verify update is called when resources change driver = self.tracker.driver driver.memory_mb += 1 self.tracker.update_available_resource(self.context) self.assertEqual(2, self.update_call_count) def test_update_available_resource_calls_locked_inner(self): @mock.patch.object(self.tracker, 'driver') @mock.patch.object(self.tracker, '_update_available_resource') @mock.patch.object(self.tracker, '_verify_resources') @mock.patch.object(self.tracker, '_report_hypervisor_resource_view') def _test(mock_rhrv, mock_vr, mock_uar, mock_driver): resources = {'there is someone in my head': 'but it\'s not me'} mock_driver.get_available_resource.return_value = resources self.tracker.update_available_resource(self.context) mock_uar.assert_called_once_with(self.context, resources) _test() class StatsDictTestCase(BaseTrackerTestCase): """Test stats handling for a virt driver that provides stats as a dictionary. """ def _driver(self): return FakeVirtDriver(stats=FAKE_VIRT_STATS) def _get_stats(self): return jsonutils.loads(self.tracker.compute_node['stats']) def test_virt_stats(self): # start with virt driver stats stats = self._get_stats() self.assertEqual(FAKE_VIRT_STATS, stats) # adding an instance should keep virt driver stats self._fake_instance(vm_state=vm_states.ACTIVE, host=self.host) self.tracker.update_available_resource(self.context) stats = self._get_stats() expected_stats = {} expected_stats.update(FAKE_VIRT_STATS) expected_stats.update(self.tracker.stats) self.assertEqual(expected_stats, stats) # removing the instances should keep only virt driver stats self._instances = {} self.tracker.update_available_resource(self.context) stats = self._get_stats() self.assertEqual(FAKE_VIRT_STATS, stats) class StatsJsonTestCase(BaseTrackerTestCase): """Test stats handling for a virt driver that provides stats as a json string. """ def _driver(self): return FakeVirtDriver(stats=FAKE_VIRT_STATS_JSON) def _get_stats(self): return jsonutils.loads(self.tracker.compute_node['stats']) def test_virt_stats(self): # start with virt driver stats stats = self._get_stats() self.assertEqual(FAKE_VIRT_STATS, stats) # adding an instance should keep virt driver stats # and add rt stats self._fake_instance(vm_state=vm_states.ACTIVE, host=self.host) self.tracker.update_available_resource(self.context) stats = self._get_stats() expected_stats = {} expected_stats.update(FAKE_VIRT_STATS) expected_stats.update(self.tracker.stats) self.assertEqual(expected_stats, stats) # removing the instances should keep only virt driver stats self._instances = {} self.tracker.update_available_resource(self.context) stats = self._get_stats() self.assertEqual(FAKE_VIRT_STATS, stats) class StatsInvalidJsonTestCase(BaseTrackerTestCase): """Test stats handling for a virt driver that provides an invalid type for stats. """ def _driver(self): return FakeVirtDriver(stats='this is not json') def _init_tracker(self): # do not do initial update in setup pass def test_virt_stats(self): # should throw exception for string that does not parse as json self.assertRaises(ValueError, self.tracker.update_available_resource, context=self.context) class StatsInvalidTypeTestCase(BaseTrackerTestCase): """Test stats handling for a virt driver that provides an invalid type for stats. """ def _driver(self): return FakeVirtDriver(stats=10) def _init_tracker(self): # do not do initial update in setup pass def test_virt_stats(self): # should throw exception for incorrect stats value type self.assertRaises(ValueError, self.tracker.update_available_resource, context=self.context)
486e14339acaf81e3a59ed9a6ba548e5de49105b
7944d2fd5d885a034347a986f3114f0b81166447
/facebookads/adobjects/helpers/adaccountusermixin.py
da4d36229bfcaa877d38eeadcde3eb4fe09c6387
[]
no_license
it-devros/django-facebook-api
4fd94d1bbbff664f0314e046f50d91ee959f5664
ee2d91af49bc2be116bd10bd079c321bbf6af721
refs/heads/master
2021-06-23T06:29:07.664905
2019-06-25T07:47:50
2019-06-25T07:47:50
191,458,626
2
0
null
2021-06-10T21:33:08
2019-06-11T22:22:47
Python
UTF-8
Python
false
false
2,325
py
# Copyright 2014 Facebook, Inc. # You are hereby granted a non-exclusive, worldwide, royalty-free license to # use, copy, modify, and distribute this software in source code or binary # form for use in connection with the web services and APIs provided by # Facebook. # As with any software that integrates with the Facebook platform, your use # of this software is subject to the Facebook Developer Principles and # Policies [http://developers.facebook.com/policy/]. This copyright 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 facebookads.adobjects.adaccount import AdAccount from facebookads.adobjects.page import Page from facebookads.adobjects.objectparser import ObjectParser from facebookads.api import FacebookRequest from facebookads.typechecker import TypeChecker class AdAccountUserMixin: class Field(object): id = 'id' name = 'name' permissions = 'permissions' role = 'role' class Permission(object): account_admin = 1 admanager_read = 2 admanager_write = 3 billing_read = 4 billing_write = 5 reports = 7 class Role(object): administrator = 1001 analyst = 1003 manager = 1002 # @deprecated get_endpoint function is deprecated @classmethod def get_endpoint(cls): return 'users' def get_ad_accounts(self, fields=None, params=None): """Returns iterator over AdAccounts associated with this user.""" return self.iterate_edge(AdAccount, fields, params, endpoint='adaccounts') def get_ad_account(self, fields=None, params=None): """Returns first AdAccount associated with this user.""" return self.edge_object(AdAccount, fields, params) def get_pages(self, fields=None, params=None): """Returns iterator over Pages's associated with this user.""" return self.iterate_edge(Page, fields, params)
139924ddf0df882a3fb73abd3feb2199cf4b54c5
11a246743073e9d2cb550f9144f59b95afebf195
/codeforces/873/a.py
b327a471eb4b3b25939bf9172ff27110c6a1f419
[]
no_license
ankitpriyarup/online-judge
b5b779c26439369cedc05c045af5511cbc3c980f
8a00ec141142c129bfa13a68dbf704091eae9588
refs/heads/master
2020-09-05T02:46:56.377213
2019-10-27T20:12:25
2019-10-27T20:12:25
219,959,932
0
1
null
2019-11-06T09:30:58
2019-11-06T09:30:57
null
UTF-8
Python
false
false
163
py
def main(): n, k, x = map(int, input().split()) a = list(map(int, input().split())) end = n - k ans = sum(a[:end]) + x * k print(ans) main()
ff088fd7c2c3c7a9326af48a17e85f769f1f608a
53f9dd194792672424e423e691dbbba0e4af7474
/kolibri/core/discovery/utils/network/urls.py
27e881fb6f9bec6666ce64a6591932f57fcb1773
[ "MIT" ]
permissive
DXCanas/kolibri
8e26668023c8c60f852cc9b7bfc57caa9fd814e8
4571fc5e5482a2dc9cd8f93dd45222a69d8a68b4
refs/heads/develop
2021-12-05T22:18:15.925788
2018-09-21T19:30:43
2018-09-21T19:30:43
54,430,150
1
0
MIT
2019-11-28T00:35:17
2016-03-21T23:25:49
Python
UTF-8
Python
false
false
5,913
py
import re from six.moves.urllib.parse import urlparse from . import errors HTTP_PORTS = (8080, 80, 8008) HTTPS_PORTS = (443,) # from https://stackoverflow.com/a/33214423 def is_valid_hostname(hostname): if hostname[-1] == ".": # strip exactly one dot from the right, if present hostname = hostname[:-1] if len(hostname) > 253: return False labels = hostname.split(".") # the TLD must be not all-numeric if re.match(r"[0-9]+$", labels[-1]): return False allowed = re.compile(r"(?!-)[a-z0-9-]{1,63}(?<!-)$", re.IGNORECASE) return all(allowed.match(label) for label in labels) # from https://stackoverflow.com/a/319293 def is_valid_ipv4_address(ip): """Validates IPv4 addresses. """ pattern = re.compile(r""" ^ (?: # Dotted variants: (?: # Decimal 1-255 (no leading 0's) [3-9]\d?|2(?:5[0-5]|[0-4]?\d)?|1\d{0,2} | 0x0*[0-9a-f]{1,2} # Hexadecimal 0x0 - 0xFF (possible leading 0's) | 0+[1-3]?[0-7]{0,2} # Octal 0 - 0377 (possible leading 0's) ) (?: # Repeat 3 times, separated by a dot \. (?: [3-9]\d?|2(?:5[0-5]|[0-4]?\d)?|1\d{0,2} | 0x0*[0-9a-f]{1,2} | 0+[1-3]?[0-7]{0,2} ) ){3} | 0x0*[0-9a-f]{1,8} # Hexadecimal notation, 0x0 - 0xffffffff | 0+[0-3]?[0-7]{0,10} # Octal notation, 0 - 037777777777 | # Decimal notation, 1-4294967295: 429496729[0-5]|42949672[0-8]\d|4294967[01]\d\d|429496[0-6]\d{3}| 42949[0-5]\d{4}|4294[0-8]\d{5}|429[0-3]\d{6}|42[0-8]\d{7}| 4[01]\d{8}|[1-3]\d{0,9}|[4-9]\d{0,8} ) $ """, re.VERBOSE | re.IGNORECASE) return pattern.match(ip) is not None # from https://stackoverflow.com/a/319293 def is_valid_ipv6_address(ip): """Validates IPv6 addresses. """ pattern = re.compile(r""" ^ \s* # Leading whitespace (?!.*::.*::) # Only a single wildcard allowed (?:(?!:)|:(?=:)) # Colon iff it would be part of a wildcard (?: # Repeat 6 times: [0-9a-f]{0,4} # A group of at most four hexadecimal digits (?:(?<=::)|(?<!::):) # Colon unless preceeded by wildcard ){6} # (?: # Either [0-9a-f]{0,4} # Another group (?:(?<=::)|(?<!::):) # Colon unless preceeded by wildcard [0-9a-f]{0,4} # Last group (?: (?<=::) # Colon iff preceeded by exacly one colon | (?<!:) # | (?<=:) (?<!::) : # ) # OR | # A v4 address with NO leading zeros (?:25[0-4]|2[0-4]\d|1\d\d|[1-9]?\d) (?: \. (?:25[0-4]|2[0-4]\d|1\d\d|[1-9]?\d) ){3} ) \s* # Trailing whitespace $ """, re.VERBOSE | re.IGNORECASE | re.DOTALL) return pattern.match(ip) is not None def parse_address_into_components(address): # if it looks to be an IPv6 address, make sure it is surrounded by square brackets if address.count(":") > 2 and re.match("^[a-f0-9\:]+$", address): address = "[{}]".format(address) # ensure that there's a scheme on the address if "://" not in address: address = "http://" + address # parse out the URL into its components parsed = urlparse(address) p_scheme = parsed.scheme p_hostname = parsed.hostname p_path = parsed.path.rstrip("/") + "/" try: p_port = parsed.port if not p_port: # since urlparse silently excludes some types of bad ports, check and throw ourselves split_by_colon = parsed.netloc.split("]")[-1].rsplit(":") if len(split_by_colon) > 1: extracted_port = split_by_colon[-1] raise errors.InvalidPort(extracted_port) except ValueError: raise errors.InvalidPort(parsed.netloc.rsplit(":")[-1]) # perform basic validation on the URL components if p_scheme not in ("http", "https"): raise errors.InvalidScheme(p_scheme) if is_valid_ipv6_address(p_hostname): p_hostname = "[{}]".format(p_hostname) elif not (is_valid_hostname(p_hostname) or is_valid_ipv4_address(p_hostname)): raise errors.InvalidHostname(p_hostname) return p_scheme, p_hostname, p_port, p_path def get_normalized_url_variations(address): """Takes a URL, hostname, or IP, validates it, and turns it into a list of possible URLs, varying the scheme, port, and path.""" p_scheme, p_hostname, p_port, p_path = parse_address_into_components(address) # build up a list of possible URLs, in priority order urls = [] paths = (p_path,) if p_path == "/" else (p_path, "/") for path in paths: schemes = ("http", "https") if p_scheme == "http" else ("https", "http") for scheme in schemes: ports = HTTP_PORTS if scheme == "http" else HTTPS_PORTS if p_port: ports = (p_port,) + ports for port in ports: if (scheme == "http" and port == 80) or (scheme == "https" and port == 443): port_component = "" else: port_component = ":{port}".format(port=port) urls.append("{scheme}://{hostname}{port}{path}".format( scheme=scheme, hostname=p_hostname, port=port_component, path=path )) return urls
34bb6445f00d9621cf5292b1cce7d15810c84517
e5e2b7da41fda915cb849f031a0223e2ac354066
/sdk/python/pulumi_azure_native/network/v20200401/subnet.py
0ecff6d9550f22f697d112fea16ae321ebc0b80a
[ "BSD-3-Clause", "Apache-2.0" ]
permissive
johnbirdau/pulumi-azure-native
b7d3bdddeb7c4b319a7e43a892ddc6e25e3bfb25
d676cc331caa0694d8be99cb90b93fa231e3c705
refs/heads/master
2023-05-06T06:48:05.040357
2021-06-01T20:42:38
2021-06-01T20:42:38
null
0
0
null
null
null
null
UTF-8
Python
false
false
33,929
py
# coding=utf-8 # *** WARNING: this file was generated by the Pulumi SDK Generator. *** # *** Do not edit by hand unless you're certain you know what you are doing! *** import warnings import pulumi import pulumi.runtime from typing import Any, Mapping, Optional, Sequence, Union, overload from ... import _utilities from . import outputs from ._enums import * from ._inputs import * __all__ = ['SubnetArgs', 'Subnet'] @pulumi.input_type class SubnetArgs: def __init__(__self__, *, resource_group_name: pulumi.Input[str], virtual_network_name: pulumi.Input[str], address_prefix: Optional[pulumi.Input[str]] = None, address_prefixes: Optional[pulumi.Input[Sequence[pulumi.Input[str]]]] = None, delegations: Optional[pulumi.Input[Sequence[pulumi.Input['DelegationArgs']]]] = None, id: Optional[pulumi.Input[str]] = None, ip_allocations: Optional[pulumi.Input[Sequence[pulumi.Input['SubResourceArgs']]]] = None, name: Optional[pulumi.Input[str]] = None, nat_gateway: Optional[pulumi.Input['SubResourceArgs']] = None, network_security_group: Optional[pulumi.Input['NetworkSecurityGroupArgs']] = None, private_endpoint_network_policies: Optional[pulumi.Input[str]] = None, private_link_service_network_policies: Optional[pulumi.Input[str]] = None, route_table: Optional[pulumi.Input['RouteTableArgs']] = None, service_endpoint_policies: Optional[pulumi.Input[Sequence[pulumi.Input['ServiceEndpointPolicyArgs']]]] = None, service_endpoints: Optional[pulumi.Input[Sequence[pulumi.Input['ServiceEndpointPropertiesFormatArgs']]]] = None, subnet_name: Optional[pulumi.Input[str]] = None): """ The set of arguments for constructing a Subnet resource. :param pulumi.Input[str] resource_group_name: The name of the resource group. :param pulumi.Input[str] virtual_network_name: The name of the virtual network. :param pulumi.Input[str] address_prefix: The address prefix for the subnet. :param pulumi.Input[Sequence[pulumi.Input[str]]] address_prefixes: List of address prefixes for the subnet. :param pulumi.Input[Sequence[pulumi.Input['DelegationArgs']]] delegations: An array of references to the delegations on the subnet. :param pulumi.Input[str] id: Resource ID. :param pulumi.Input[Sequence[pulumi.Input['SubResourceArgs']]] ip_allocations: Array of IpAllocation which reference this subnet. :param pulumi.Input[str] name: The name of the resource that is unique within a resource group. This name can be used to access the resource. :param pulumi.Input['SubResourceArgs'] nat_gateway: Nat gateway associated with this subnet. :param pulumi.Input['NetworkSecurityGroupArgs'] network_security_group: The reference to the NetworkSecurityGroup resource. :param pulumi.Input[str] private_endpoint_network_policies: Enable or Disable apply network policies on private end point in the subnet. :param pulumi.Input[str] private_link_service_network_policies: Enable or Disable apply network policies on private link service in the subnet. :param pulumi.Input['RouteTableArgs'] route_table: The reference to the RouteTable resource. :param pulumi.Input[Sequence[pulumi.Input['ServiceEndpointPolicyArgs']]] service_endpoint_policies: An array of service endpoint policies. :param pulumi.Input[Sequence[pulumi.Input['ServiceEndpointPropertiesFormatArgs']]] service_endpoints: An array of service endpoints. :param pulumi.Input[str] subnet_name: The name of the subnet. """ pulumi.set(__self__, "resource_group_name", resource_group_name) pulumi.set(__self__, "virtual_network_name", virtual_network_name) if address_prefix is not None: pulumi.set(__self__, "address_prefix", address_prefix) if address_prefixes is not None: pulumi.set(__self__, "address_prefixes", address_prefixes) if delegations is not None: pulumi.set(__self__, "delegations", delegations) if id is not None: pulumi.set(__self__, "id", id) if ip_allocations is not None: pulumi.set(__self__, "ip_allocations", ip_allocations) if name is not None: pulumi.set(__self__, "name", name) if nat_gateway is not None: pulumi.set(__self__, "nat_gateway", nat_gateway) if network_security_group is not None: pulumi.set(__self__, "network_security_group", network_security_group) if private_endpoint_network_policies is not None: pulumi.set(__self__, "private_endpoint_network_policies", private_endpoint_network_policies) if private_link_service_network_policies is not None: pulumi.set(__self__, "private_link_service_network_policies", private_link_service_network_policies) if route_table is not None: pulumi.set(__self__, "route_table", route_table) if service_endpoint_policies is not None: pulumi.set(__self__, "service_endpoint_policies", service_endpoint_policies) if service_endpoints is not None: pulumi.set(__self__, "service_endpoints", service_endpoints) if subnet_name is not None: pulumi.set(__self__, "subnet_name", subnet_name) @property @pulumi.getter(name="resourceGroupName") def resource_group_name(self) -> pulumi.Input[str]: """ The name of the resource group. """ return pulumi.get(self, "resource_group_name") @resource_group_name.setter def resource_group_name(self, value: pulumi.Input[str]): pulumi.set(self, "resource_group_name", value) @property @pulumi.getter(name="virtualNetworkName") def virtual_network_name(self) -> pulumi.Input[str]: """ The name of the virtual network. """ return pulumi.get(self, "virtual_network_name") @virtual_network_name.setter def virtual_network_name(self, value: pulumi.Input[str]): pulumi.set(self, "virtual_network_name", value) @property @pulumi.getter(name="addressPrefix") def address_prefix(self) -> Optional[pulumi.Input[str]]: """ The address prefix for the subnet. """ return pulumi.get(self, "address_prefix") @address_prefix.setter def address_prefix(self, value: Optional[pulumi.Input[str]]): pulumi.set(self, "address_prefix", value) @property @pulumi.getter(name="addressPrefixes") def address_prefixes(self) -> Optional[pulumi.Input[Sequence[pulumi.Input[str]]]]: """ List of address prefixes for the subnet. """ return pulumi.get(self, "address_prefixes") @address_prefixes.setter def address_prefixes(self, value: Optional[pulumi.Input[Sequence[pulumi.Input[str]]]]): pulumi.set(self, "address_prefixes", value) @property @pulumi.getter def delegations(self) -> Optional[pulumi.Input[Sequence[pulumi.Input['DelegationArgs']]]]: """ An array of references to the delegations on the subnet. """ return pulumi.get(self, "delegations") @delegations.setter def delegations(self, value: Optional[pulumi.Input[Sequence[pulumi.Input['DelegationArgs']]]]): pulumi.set(self, "delegations", value) @property @pulumi.getter def id(self) -> Optional[pulumi.Input[str]]: """ Resource ID. """ return pulumi.get(self, "id") @id.setter def id(self, value: Optional[pulumi.Input[str]]): pulumi.set(self, "id", value) @property @pulumi.getter(name="ipAllocations") def ip_allocations(self) -> Optional[pulumi.Input[Sequence[pulumi.Input['SubResourceArgs']]]]: """ Array of IpAllocation which reference this subnet. """ return pulumi.get(self, "ip_allocations") @ip_allocations.setter def ip_allocations(self, value: Optional[pulumi.Input[Sequence[pulumi.Input['SubResourceArgs']]]]): pulumi.set(self, "ip_allocations", value) @property @pulumi.getter def name(self) -> Optional[pulumi.Input[str]]: """ The name of the resource that is unique within a resource group. This name can be used to access the resource. """ return pulumi.get(self, "name") @name.setter def name(self, value: Optional[pulumi.Input[str]]): pulumi.set(self, "name", value) @property @pulumi.getter(name="natGateway") def nat_gateway(self) -> Optional[pulumi.Input['SubResourceArgs']]: """ Nat gateway associated with this subnet. """ return pulumi.get(self, "nat_gateway") @nat_gateway.setter def nat_gateway(self, value: Optional[pulumi.Input['SubResourceArgs']]): pulumi.set(self, "nat_gateway", value) @property @pulumi.getter(name="networkSecurityGroup") def network_security_group(self) -> Optional[pulumi.Input['NetworkSecurityGroupArgs']]: """ The reference to the NetworkSecurityGroup resource. """ return pulumi.get(self, "network_security_group") @network_security_group.setter def network_security_group(self, value: Optional[pulumi.Input['NetworkSecurityGroupArgs']]): pulumi.set(self, "network_security_group", value) @property @pulumi.getter(name="privateEndpointNetworkPolicies") def private_endpoint_network_policies(self) -> Optional[pulumi.Input[str]]: """ Enable or Disable apply network policies on private end point in the subnet. """ return pulumi.get(self, "private_endpoint_network_policies") @private_endpoint_network_policies.setter def private_endpoint_network_policies(self, value: Optional[pulumi.Input[str]]): pulumi.set(self, "private_endpoint_network_policies", value) @property @pulumi.getter(name="privateLinkServiceNetworkPolicies") def private_link_service_network_policies(self) -> Optional[pulumi.Input[str]]: """ Enable or Disable apply network policies on private link service in the subnet. """ return pulumi.get(self, "private_link_service_network_policies") @private_link_service_network_policies.setter def private_link_service_network_policies(self, value: Optional[pulumi.Input[str]]): pulumi.set(self, "private_link_service_network_policies", value) @property @pulumi.getter(name="routeTable") def route_table(self) -> Optional[pulumi.Input['RouteTableArgs']]: """ The reference to the RouteTable resource. """ return pulumi.get(self, "route_table") @route_table.setter def route_table(self, value: Optional[pulumi.Input['RouteTableArgs']]): pulumi.set(self, "route_table", value) @property @pulumi.getter(name="serviceEndpointPolicies") def service_endpoint_policies(self) -> Optional[pulumi.Input[Sequence[pulumi.Input['ServiceEndpointPolicyArgs']]]]: """ An array of service endpoint policies. """ return pulumi.get(self, "service_endpoint_policies") @service_endpoint_policies.setter def service_endpoint_policies(self, value: Optional[pulumi.Input[Sequence[pulumi.Input['ServiceEndpointPolicyArgs']]]]): pulumi.set(self, "service_endpoint_policies", value) @property @pulumi.getter(name="serviceEndpoints") def service_endpoints(self) -> Optional[pulumi.Input[Sequence[pulumi.Input['ServiceEndpointPropertiesFormatArgs']]]]: """ An array of service endpoints. """ return pulumi.get(self, "service_endpoints") @service_endpoints.setter def service_endpoints(self, value: Optional[pulumi.Input[Sequence[pulumi.Input['ServiceEndpointPropertiesFormatArgs']]]]): pulumi.set(self, "service_endpoints", value) @property @pulumi.getter(name="subnetName") def subnet_name(self) -> Optional[pulumi.Input[str]]: """ The name of the subnet. """ return pulumi.get(self, "subnet_name") @subnet_name.setter def subnet_name(self, value: Optional[pulumi.Input[str]]): pulumi.set(self, "subnet_name", value) class Subnet(pulumi.CustomResource): @overload def __init__(__self__, resource_name: str, opts: Optional[pulumi.ResourceOptions] = None, address_prefix: Optional[pulumi.Input[str]] = None, address_prefixes: Optional[pulumi.Input[Sequence[pulumi.Input[str]]]] = None, delegations: Optional[pulumi.Input[Sequence[pulumi.Input[pulumi.InputType['DelegationArgs']]]]] = None, id: Optional[pulumi.Input[str]] = None, ip_allocations: Optional[pulumi.Input[Sequence[pulumi.Input[pulumi.InputType['SubResourceArgs']]]]] = None, name: Optional[pulumi.Input[str]] = None, nat_gateway: Optional[pulumi.Input[pulumi.InputType['SubResourceArgs']]] = None, network_security_group: Optional[pulumi.Input[pulumi.InputType['NetworkSecurityGroupArgs']]] = None, private_endpoint_network_policies: Optional[pulumi.Input[str]] = None, private_link_service_network_policies: Optional[pulumi.Input[str]] = None, resource_group_name: Optional[pulumi.Input[str]] = None, route_table: Optional[pulumi.Input[pulumi.InputType['RouteTableArgs']]] = None, service_endpoint_policies: Optional[pulumi.Input[Sequence[pulumi.Input[pulumi.InputType['ServiceEndpointPolicyArgs']]]]] = None, service_endpoints: Optional[pulumi.Input[Sequence[pulumi.Input[pulumi.InputType['ServiceEndpointPropertiesFormatArgs']]]]] = None, subnet_name: Optional[pulumi.Input[str]] = None, virtual_network_name: Optional[pulumi.Input[str]] = None, __props__=None): """ Subnet in a virtual network resource. :param str resource_name: The name of the resource. :param pulumi.ResourceOptions opts: Options for the resource. :param pulumi.Input[str] address_prefix: The address prefix for the subnet. :param pulumi.Input[Sequence[pulumi.Input[str]]] address_prefixes: List of address prefixes for the subnet. :param pulumi.Input[Sequence[pulumi.Input[pulumi.InputType['DelegationArgs']]]] delegations: An array of references to the delegations on the subnet. :param pulumi.Input[str] id: Resource ID. :param pulumi.Input[Sequence[pulumi.Input[pulumi.InputType['SubResourceArgs']]]] ip_allocations: Array of IpAllocation which reference this subnet. :param pulumi.Input[str] name: The name of the resource that is unique within a resource group. This name can be used to access the resource. :param pulumi.Input[pulumi.InputType['SubResourceArgs']] nat_gateway: Nat gateway associated with this subnet. :param pulumi.Input[pulumi.InputType['NetworkSecurityGroupArgs']] network_security_group: The reference to the NetworkSecurityGroup resource. :param pulumi.Input[str] private_endpoint_network_policies: Enable or Disable apply network policies on private end point in the subnet. :param pulumi.Input[str] private_link_service_network_policies: Enable or Disable apply network policies on private link service in the subnet. :param pulumi.Input[str] resource_group_name: The name of the resource group. :param pulumi.Input[pulumi.InputType['RouteTableArgs']] route_table: The reference to the RouteTable resource. :param pulumi.Input[Sequence[pulumi.Input[pulumi.InputType['ServiceEndpointPolicyArgs']]]] service_endpoint_policies: An array of service endpoint policies. :param pulumi.Input[Sequence[pulumi.Input[pulumi.InputType['ServiceEndpointPropertiesFormatArgs']]]] service_endpoints: An array of service endpoints. :param pulumi.Input[str] subnet_name: The name of the subnet. :param pulumi.Input[str] virtual_network_name: The name of the virtual network. """ ... @overload def __init__(__self__, resource_name: str, args: SubnetArgs, opts: Optional[pulumi.ResourceOptions] = None): """ Subnet in a virtual network resource. :param str resource_name: The name of the resource. :param SubnetArgs args: The arguments to use to populate this resource's properties. :param pulumi.ResourceOptions opts: Options for the resource. """ ... def __init__(__self__, resource_name: str, *args, **kwargs): resource_args, opts = _utilities.get_resource_args_opts(SubnetArgs, pulumi.ResourceOptions, *args, **kwargs) if resource_args is not None: __self__._internal_init(resource_name, opts, **resource_args.__dict__) else: __self__._internal_init(resource_name, *args, **kwargs) def _internal_init(__self__, resource_name: str, opts: Optional[pulumi.ResourceOptions] = None, address_prefix: Optional[pulumi.Input[str]] = None, address_prefixes: Optional[pulumi.Input[Sequence[pulumi.Input[str]]]] = None, delegations: Optional[pulumi.Input[Sequence[pulumi.Input[pulumi.InputType['DelegationArgs']]]]] = None, id: Optional[pulumi.Input[str]] = None, ip_allocations: Optional[pulumi.Input[Sequence[pulumi.Input[pulumi.InputType['SubResourceArgs']]]]] = None, name: Optional[pulumi.Input[str]] = None, nat_gateway: Optional[pulumi.Input[pulumi.InputType['SubResourceArgs']]] = None, network_security_group: Optional[pulumi.Input[pulumi.InputType['NetworkSecurityGroupArgs']]] = None, private_endpoint_network_policies: Optional[pulumi.Input[str]] = None, private_link_service_network_policies: Optional[pulumi.Input[str]] = None, resource_group_name: Optional[pulumi.Input[str]] = None, route_table: Optional[pulumi.Input[pulumi.InputType['RouteTableArgs']]] = None, service_endpoint_policies: Optional[pulumi.Input[Sequence[pulumi.Input[pulumi.InputType['ServiceEndpointPolicyArgs']]]]] = None, service_endpoints: Optional[pulumi.Input[Sequence[pulumi.Input[pulumi.InputType['ServiceEndpointPropertiesFormatArgs']]]]] = None, subnet_name: Optional[pulumi.Input[str]] = None, virtual_network_name: Optional[pulumi.Input[str]] = None, __props__=None): if opts is None: opts = pulumi.ResourceOptions() if not isinstance(opts, pulumi.ResourceOptions): raise TypeError('Expected resource options to be a ResourceOptions instance') if opts.version is None: opts.version = _utilities.get_version() if opts.id is None: if __props__ is not None: raise TypeError('__props__ is only valid when passed in combination with a valid opts.id to get an existing resource') __props__ = SubnetArgs.__new__(SubnetArgs) __props__.__dict__["address_prefix"] = address_prefix __props__.__dict__["address_prefixes"] = address_prefixes __props__.__dict__["delegations"] = delegations __props__.__dict__["id"] = id __props__.__dict__["ip_allocations"] = ip_allocations __props__.__dict__["name"] = name __props__.__dict__["nat_gateway"] = nat_gateway __props__.__dict__["network_security_group"] = network_security_group __props__.__dict__["private_endpoint_network_policies"] = private_endpoint_network_policies __props__.__dict__["private_link_service_network_policies"] = private_link_service_network_policies if resource_group_name is None and not opts.urn: raise TypeError("Missing required property 'resource_group_name'") __props__.__dict__["resource_group_name"] = resource_group_name __props__.__dict__["route_table"] = route_table __props__.__dict__["service_endpoint_policies"] = service_endpoint_policies __props__.__dict__["service_endpoints"] = service_endpoints __props__.__dict__["subnet_name"] = subnet_name if virtual_network_name is None and not opts.urn: raise TypeError("Missing required property 'virtual_network_name'") __props__.__dict__["virtual_network_name"] = virtual_network_name __props__.__dict__["etag"] = None __props__.__dict__["ip_configuration_profiles"] = None __props__.__dict__["ip_configurations"] = None __props__.__dict__["private_endpoints"] = None __props__.__dict__["provisioning_state"] = None __props__.__dict__["purpose"] = None __props__.__dict__["resource_navigation_links"] = None __props__.__dict__["service_association_links"] = None alias_opts = pulumi.ResourceOptions(aliases=[pulumi.Alias(type_="azure-nextgen:network/v20200401:Subnet"), pulumi.Alias(type_="azure-native:network:Subnet"), pulumi.Alias(type_="azure-nextgen:network:Subnet"), pulumi.Alias(type_="azure-native:network/v20150501preview:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20150501preview:Subnet"), pulumi.Alias(type_="azure-native:network/v20150615:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20150615:Subnet"), pulumi.Alias(type_="azure-native:network/v20160330:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20160330:Subnet"), pulumi.Alias(type_="azure-native:network/v20160601:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20160601:Subnet"), pulumi.Alias(type_="azure-native:network/v20160901:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20160901:Subnet"), pulumi.Alias(type_="azure-native:network/v20161201:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20161201:Subnet"), pulumi.Alias(type_="azure-native:network/v20170301:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20170301:Subnet"), pulumi.Alias(type_="azure-native:network/v20170601:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20170601:Subnet"), pulumi.Alias(type_="azure-native:network/v20170801:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20170801:Subnet"), pulumi.Alias(type_="azure-native:network/v20170901:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20170901:Subnet"), pulumi.Alias(type_="azure-native:network/v20171001:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20171001:Subnet"), pulumi.Alias(type_="azure-native:network/v20171101:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20171101:Subnet"), pulumi.Alias(type_="azure-native:network/v20180101:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20180101:Subnet"), pulumi.Alias(type_="azure-native:network/v20180201:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20180201:Subnet"), pulumi.Alias(type_="azure-native:network/v20180401:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20180401:Subnet"), pulumi.Alias(type_="azure-native:network/v20180601:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20180601:Subnet"), pulumi.Alias(type_="azure-native:network/v20180701:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20180701:Subnet"), pulumi.Alias(type_="azure-native:network/v20180801:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20180801:Subnet"), pulumi.Alias(type_="azure-native:network/v20181001:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20181001:Subnet"), pulumi.Alias(type_="azure-native:network/v20181101:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20181101:Subnet"), pulumi.Alias(type_="azure-native:network/v20181201:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20181201:Subnet"), pulumi.Alias(type_="azure-native:network/v20190201:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20190201:Subnet"), pulumi.Alias(type_="azure-native:network/v20190401:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20190401:Subnet"), pulumi.Alias(type_="azure-native:network/v20190601:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20190601:Subnet"), pulumi.Alias(type_="azure-native:network/v20190701:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20190701:Subnet"), pulumi.Alias(type_="azure-native:network/v20190801:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20190801:Subnet"), pulumi.Alias(type_="azure-native:network/v20190901:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20190901:Subnet"), pulumi.Alias(type_="azure-native:network/v20191101:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20191101:Subnet"), pulumi.Alias(type_="azure-native:network/v20191201:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20191201:Subnet"), pulumi.Alias(type_="azure-native:network/v20200301:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20200301:Subnet"), pulumi.Alias(type_="azure-native:network/v20200501:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20200501:Subnet"), pulumi.Alias(type_="azure-native:network/v20200601:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20200601:Subnet"), pulumi.Alias(type_="azure-native:network/v20200701:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20200701:Subnet"), pulumi.Alias(type_="azure-native:network/v20200801:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20200801:Subnet"), pulumi.Alias(type_="azure-native:network/v20201101:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20201101:Subnet"), pulumi.Alias(type_="azure-native:network/v20210201:Subnet"), pulumi.Alias(type_="azure-nextgen:network/v20210201:Subnet")]) opts = pulumi.ResourceOptions.merge(opts, alias_opts) super(Subnet, __self__).__init__( 'azure-native:network/v20200401:Subnet', resource_name, __props__, opts) @staticmethod def get(resource_name: str, id: pulumi.Input[str], opts: Optional[pulumi.ResourceOptions] = None) -> 'Subnet': """ Get an existing Subnet resource's state with the given name, id, and optional extra properties used to qualify the lookup. :param str resource_name: The unique name of the resulting resource. :param pulumi.Input[str] id: The unique provider ID of the resource to lookup. :param pulumi.ResourceOptions opts: Options for the resource. """ opts = pulumi.ResourceOptions.merge(opts, pulumi.ResourceOptions(id=id)) __props__ = SubnetArgs.__new__(SubnetArgs) __props__.__dict__["address_prefix"] = None __props__.__dict__["address_prefixes"] = None __props__.__dict__["delegations"] = None __props__.__dict__["etag"] = None __props__.__dict__["ip_allocations"] = None __props__.__dict__["ip_configuration_profiles"] = None __props__.__dict__["ip_configurations"] = None __props__.__dict__["name"] = None __props__.__dict__["nat_gateway"] = None __props__.__dict__["network_security_group"] = None __props__.__dict__["private_endpoint_network_policies"] = None __props__.__dict__["private_endpoints"] = None __props__.__dict__["private_link_service_network_policies"] = None __props__.__dict__["provisioning_state"] = None __props__.__dict__["purpose"] = None __props__.__dict__["resource_navigation_links"] = None __props__.__dict__["route_table"] = None __props__.__dict__["service_association_links"] = None __props__.__dict__["service_endpoint_policies"] = None __props__.__dict__["service_endpoints"] = None return Subnet(resource_name, opts=opts, __props__=__props__) @property @pulumi.getter(name="addressPrefix") def address_prefix(self) -> pulumi.Output[Optional[str]]: """ The address prefix for the subnet. """ return pulumi.get(self, "address_prefix") @property @pulumi.getter(name="addressPrefixes") def address_prefixes(self) -> pulumi.Output[Optional[Sequence[str]]]: """ List of address prefixes for the subnet. """ return pulumi.get(self, "address_prefixes") @property @pulumi.getter def delegations(self) -> pulumi.Output[Optional[Sequence['outputs.DelegationResponse']]]: """ An array of references to the delegations on the subnet. """ return pulumi.get(self, "delegations") @property @pulumi.getter def etag(self) -> pulumi.Output[str]: """ A unique read-only string that changes whenever the resource is updated. """ return pulumi.get(self, "etag") @property @pulumi.getter(name="ipAllocations") def ip_allocations(self) -> pulumi.Output[Optional[Sequence['outputs.SubResourceResponse']]]: """ Array of IpAllocation which reference this subnet. """ return pulumi.get(self, "ip_allocations") @property @pulumi.getter(name="ipConfigurationProfiles") def ip_configuration_profiles(self) -> pulumi.Output[Sequence['outputs.IPConfigurationProfileResponse']]: """ Array of IP configuration profiles which reference this subnet. """ return pulumi.get(self, "ip_configuration_profiles") @property @pulumi.getter(name="ipConfigurations") def ip_configurations(self) -> pulumi.Output[Sequence['outputs.IPConfigurationResponse']]: """ An array of references to the network interface IP configurations using subnet. """ return pulumi.get(self, "ip_configurations") @property @pulumi.getter def name(self) -> pulumi.Output[Optional[str]]: """ The name of the resource that is unique within a resource group. This name can be used to access the resource. """ return pulumi.get(self, "name") @property @pulumi.getter(name="natGateway") def nat_gateway(self) -> pulumi.Output[Optional['outputs.SubResourceResponse']]: """ Nat gateway associated with this subnet. """ return pulumi.get(self, "nat_gateway") @property @pulumi.getter(name="networkSecurityGroup") def network_security_group(self) -> pulumi.Output[Optional['outputs.NetworkSecurityGroupResponse']]: """ The reference to the NetworkSecurityGroup resource. """ return pulumi.get(self, "network_security_group") @property @pulumi.getter(name="privateEndpointNetworkPolicies") def private_endpoint_network_policies(self) -> pulumi.Output[Optional[str]]: """ Enable or Disable apply network policies on private end point in the subnet. """ return pulumi.get(self, "private_endpoint_network_policies") @property @pulumi.getter(name="privateEndpoints") def private_endpoints(self) -> pulumi.Output[Sequence['outputs.PrivateEndpointResponse']]: """ An array of references to private endpoints. """ return pulumi.get(self, "private_endpoints") @property @pulumi.getter(name="privateLinkServiceNetworkPolicies") def private_link_service_network_policies(self) -> pulumi.Output[Optional[str]]: """ Enable or Disable apply network policies on private link service in the subnet. """ return pulumi.get(self, "private_link_service_network_policies") @property @pulumi.getter(name="provisioningState") def provisioning_state(self) -> pulumi.Output[str]: """ The provisioning state of the subnet resource. """ return pulumi.get(self, "provisioning_state") @property @pulumi.getter def purpose(self) -> pulumi.Output[str]: """ A read-only string identifying the intention of use for this subnet based on delegations and other user-defined properties. """ return pulumi.get(self, "purpose") @property @pulumi.getter(name="resourceNavigationLinks") def resource_navigation_links(self) -> pulumi.Output[Sequence['outputs.ResourceNavigationLinkResponse']]: """ An array of references to the external resources using subnet. """ return pulumi.get(self, "resource_navigation_links") @property @pulumi.getter(name="routeTable") def route_table(self) -> pulumi.Output[Optional['outputs.RouteTableResponse']]: """ The reference to the RouteTable resource. """ return pulumi.get(self, "route_table") @property @pulumi.getter(name="serviceAssociationLinks") def service_association_links(self) -> pulumi.Output[Sequence['outputs.ServiceAssociationLinkResponse']]: """ An array of references to services injecting into this subnet. """ return pulumi.get(self, "service_association_links") @property @pulumi.getter(name="serviceEndpointPolicies") def service_endpoint_policies(self) -> pulumi.Output[Optional[Sequence['outputs.ServiceEndpointPolicyResponse']]]: """ An array of service endpoint policies. """ return pulumi.get(self, "service_endpoint_policies") @property @pulumi.getter(name="serviceEndpoints") def service_endpoints(self) -> pulumi.Output[Optional[Sequence['outputs.ServiceEndpointPropertiesFormatResponse']]]: """ An array of service endpoints. """ return pulumi.get(self, "service_endpoints")
a4ef2d7cc0c353c839e5ba8800de8867a6695388
b6c93083b83cd0b441c2d2347b08a529e41eaa2c
/utils/munin/newsblur_tasks_pipeline.py
1588ff390bb2579e26a7724283f0b52c48959628
[ "MIT", "LicenseRef-scancode-unknown-license-reference" ]
permissive
seejay/NewsBlur
4b2b65536f38cfedc47f85708f6f23778986f951
311c5a71981c12d1389b58def94df62cb5c60575
refs/heads/master
2023-06-08T00:46:21.118450
2021-06-24T04:13:33
2021-06-24T04:13:33
null
0
0
null
null
null
null
UTF-8
Python
false
false
1,586
py
#!/srv/newsblur/venv/newsblur/bin/python from utils.munin.base import MuninGraph import os os.environ["DJANGO_SETTINGS_MODULE"] = "newsblur.settings" import django django.setup() class NBMuninGraph(MuninGraph): @property def graph_config(self): graph = { 'graph_category' : 'NewsBlur', 'graph_title' : 'NewsBlur Task Pipeline', 'graph_vlabel' : 'Feed fetch pipeline times', 'graph_args' : '-l 0', 'feed_fetch.label': 'feed_fetch', 'feed_process.label': 'feed_process', 'page.label': 'page', 'icon.label': 'icon', 'total.label': 'total', } return graph def calculate_metrics(self): return self.stats @property def stats(self): import datetime from django.conf import settings stats = settings.MONGOANALYTICSDB.nbanalytics.feed_fetches.aggregate([{ "$match": { "date": { "$gt": datetime.datetime.now() - datetime.timedelta(minutes=5), }, }, }, { "$group": { "_id": 1, "feed_fetch": {"$avg": "$feed_fetch"}, "feed_process": {"$avg": "$feed_process"}, "page": {"$avg": "$page"}, "icon": {"$avg": "$icon"}, "total": {"$avg": "$total"}, }, }]) return list(stats)[0] if __name__ == '__main__': NBMuninGraph().run()
c15b6b0d315719168a07c0479432a673d7a637e0
04462eb2f7ebdc7ac945a63b4c3d9aeeed4920de
/backend/manage.py
def0f48d666b41a0a606ea608b6da7db9b2260b2
[]
no_license
crowdbotics-apps/yoyo-28319
7a1d86d1b713cbd523c23242bfb8014376333b74
f8b8a47fa1740b73b6a9db8e4e6fe5210d4d8167
refs/heads/master
2023-06-10T01:44:36.149151
2021-06-30T08:19:58
2021-06-30T08:19:58
381,627,025
0
0
null
null
null
null
UTF-8
Python
false
false
630
py
#!/usr/bin/env python """Django's command-line utility for administrative tasks.""" import os import sys def main(): os.environ.setdefault('DJANGO_SETTINGS_MODULE', 'yoyo_28319.settings') try: from django.core.management import execute_from_command_line except ImportError as exc: raise ImportError( "Couldn't import Django. Are you sure it's installed and " "available on your PYTHONPATH environment variable? Did you " "forget to activate a virtual environment?" ) from exc execute_from_command_line(sys.argv) if __name__ == '__main__': main()
708d35129495d3fcd0f5c2e678318c001704c805
d451e26b2689a34a6660a6a947fe97abde90010a
/pang/helpers/nso.py
8f21ba0b3cffa504f2fe7acdd6ba2e400a42f1dc
[ "MIT" ]
permissive
kecorbin/pang
25ef8d64d90a5490a4582e7a883c0460b52b1c9a
1e35cbdf0e30cda5b428ba72fd1fe0a550854ec5
refs/heads/master
2023-01-12T18:55:54.098474
2018-09-30T03:26:56
2018-09-30T03:26:56
149,394,962
6
0
MIT
2022-12-26T20:38:22
2018-09-19T05:04:49
Python
UTF-8
Python
false
false
5,324
py
import requests import os import errno from .files import MAKEFILE_BASE class NSO(object): def __init__(self, url, username='admin', password='admin'): self.username = username self.password = password self.base_url = url @property def headers(self): headers = { 'Content-Type': "application/vnd.yang.data+json", 'Accept': "application/vnd.yang.collection+json," "application/vnd.yang.data+json" } return headers def _utf8_encode(self, obj): if obj is None: return None if isinstance(obj, str): # noqa return obj if type(obj) is list: return [self._utf8_encode(value) for value in obj] if type(obj) is dict: obj_dest = {} for key, value in obj.items(): if 'EXEC' not in key and key != "operations": obj_dest[self._utf8_encode(key)] = self._utf8_encode(value) return obj_dest return obj def get(self, uri): url = self.base_url + uri response = requests.get(url, headers=self.headers, auth=(self.username, self.password)) if response.ok: return response else: response.raise_for_status() def get_device_config_xml(self, device): headers = { 'Content-Type': "application/vnd.yang.data+xml", 'Accept': "application/vnd.yang.collection+xml," "application/vnd.yang.data+xml" } url = '/api/config/devices/device/{}/config?deep'.format(device) url = self.base_url + url response = requests.get(url, headers=headers, auth=(self.username, self.password)) return response.text def post(self, uri, data=None): url = self.base_url + uri response = requests.post(url, headers=self.headers, auth=(self.username, self.password)) if response.ok: return response else: response.raise_for_status() def sync_from(self, device=None): if device: raise NotImplementedError else: url = "/api/config/devices/_operations/sync-from" resp = self.post(url) return resp.json() def get_device_config(self, device): """ gets device configuration from NSO """ url = '/api/config/devices/device/{}/config?deep'.format(device) resp = self.get(url) return self._utf8_encode(resp.json()) def get_device_list(self): """ returns a list of device names from NSO """ url = "/api/running/devices/device" response = self.get(url) device_list = list() for d in response.json()["collection"]["tailf-ncs:device"]: device_list.append(d["name"]) return device_list def get_ned_id(self, device): """ returns a ned id for a given device in NSO """ url = "/api/running/devices/device/{}/device-type?deep" url = url.format(device) response = self.get(url) try: # making some potentially bad assumptions here # # { # "tailf-ncs:device-type": { # "cli": { # "ned-id": "tailf-ned-cisco-nx-id:cisco-nx", # "protocol": "telnet" # } # } # } device_type = response.json()["tailf-ncs:device-type"] ned_id = device_type["cli"]["ned-id"] # tailf-ned-cisco-nx-id:cisco-nx ned_id = ned_id.split(":")[-1] # cisco-nx return ned_id except LookupError: return None def generate_netsim_configs(self, devices): device_types = dict() # deal with generating load-dir for d in devices: xml_config = self.get_device_config_xml(d) filename = 'load-dir/{0}.xml'.format(d) if not os.path.exists(os.path.dirname(filename)): try: os.makedirs(os.path.dirname(filename)) except OSError as exc: # Guard against race condition if exc.errno != errno.EEXIST: raise with open(filename, "w") as f: f.write(xml_config) # grab ned id for later ned_id = self.get_ned_id(d) if ned_id: device_types[d] = ned_id with open('Makefile', 'w') as fh: create_template = "\tncs-netsim create-device {} {}\n" add_template = "\tncs-netsim add-device {} {}\n" fh.write(MAKEFILE_BASE.format(base_url=self.base_url)) fh.write("netsim:\n") first = True for device, ned in device_types.items(): if first: fh.write(create_template.format(ned, device)) else: fh.write(add_template.format(ned, device)) first = False
0b3451456383d74e43a4eb1d7a9f8ab12ef4adfd
053cf58d2cbae6f76a03f80b97c2aa53581a49ab
/interface/LiveClassAPI_v_Video_test.py
696546bf1e716cf0e0cfbcf9084c2fc09a46412d
[]
no_license
qujinliang/LiveClassAPIAutoTest
8a84bb6649de46d5b90365f5d4d0e9d2ee0e1e11
6fbbbfb358d51bde8a4e4912625c73c6d1a9da49
refs/heads/master
2020-04-12T14:32:44.359097
2018-12-20T09:18:57
2018-12-20T09:18:57
162,555,549
0
0
null
null
null
null
UTF-8
Python
false
false
1,027
py
import unittest from util import THQS from util import LiveAPIRequests from util.LiveAPIDataFile import LiveAPIData class LiveClassAPIVideoTest(unittest.TestCase): """设为暖场视频接口测试""" def setUp(self): '''初始化请求数据url''' url = LiveAPIData.urlData(self) url = url+"/api/v1/video/warm/set?" self.warm_set_data = LiveAPIData.warmSetData(self) t = THQS.thqs() warm_set_data = t.get_thqs(self.warm_set_data) self.warm_set_url = url+warm_set_data self.live = LiveAPIRequests.LiveAPIRequests def tearDown(self): pass def test_a_list(self): '''设为暖场视频成功''' r = self.live.SendOut(self,self.warm_set_url) if r == None: print('请求失败,没有返回数据') self.assertEqual(None,'') return print("输入参数:%s" % self.warm_set_data) print("返回数据: %s" % r) self.assertEqual(r['result'],'OK')
5445bd7a3b77d5f5e64961ad50413d9a4f7b317b
e1e5ffef1eeadd886651c7eaa814f7da1d2ade0a
/Systest/tests/aaa/AAA_FUN_007.py
5195ce9c3b3c259ea8e7bd9c2e4f562ee283af1d
[]
no_license
muttu2244/MyPython
1ddf1958e5a3514f9605d1f83c0930b24b856391
984ca763feae49a44c271342dbc15fde935174cf
refs/heads/master
2021-06-09T02:21:09.801103
2017-10-10T07:30:04
2017-10-10T07:30:04
13,803,605
0
0
null
null
null
null
UTF-8
Python
false
false
5,161
py
#!/usr/bin/env python2.5 """ ####################################################################### # # Copyright (c) Stoke, Inc. # All Rights Reserved. # # This code is confidential and proprietary to Stoke, Inc. and may only # be used under a license from Stoke. # ####################################################################### Description: - Verify SSX limits the number of sessions to the Max-sessions configured TEST PLAN: AAA/RADIUS Test Plan TEST CASES: AAA-FUN-007 TOPOLOGY DIAGRAM: (Linux) (SSX) (Linux) ------- -------- -------------- |Takama | --------------------------| |------------------------| qa-svr4 | ------- | | -------------- | | |Lihue-mc| (Netscreen) | | (Linux) ------ | | -------------- |qa-ns1 | --------------------------| |-------------------------| qa-svr3 | ------ | | -------------- -------- How to run: "python2.5 AAA_FUN_007.py" AUTHOR: Mahesh - [email protected] REVIEWER: """ ### Import the system libraries we need. import sys, os ### To make sure that the libraries are in correct path. mydir = os.path.dirname(__file__) qa_lib_dir = os.path.join(mydir, "../../lib/py") if qa_lib_dir not in sys.path: sys.path.insert(1,qa_lib_dir) # frame-work libraries from Linux import Linux from SSX import SSX from aaa import * from ike import * from StokeTest import * from log import buildLogger from logging import getLogger from helpers import is_healthy # import configs file from aaa_config import * from topo import * # python libraries import time class test_AAA_FUN_007(test_case): myLog = getLogger() def setUp(self): """Establish a telnet session to the SSX box.""" self.ssx = SSX(topo.ssx1['ip_addr']) self.ssx.telnet() # CLear SSX configuration self.ssx.clear_config() #Establish a telnet session to the Xpress VPN client box. self.xpress_vpn = Linux(topo.linux["ip_addr"],topo.linux["user_name"],topo.linux["password"]) self.xpress_vpn.telnet() # wait for card to come up self.ssx.wait4cards() self.ssx.clear_health_stats() def tearDown(self): # Close the telnet session of SSX self.ssx.close() # Close the telnet session of Xpress VPN Client self.xpress_vpn.close() def test_AAA_FUN_007(self): """ Test case Id: - AAA_FUN_007 """ self.myLog.output("\n**********start the test**************\n") # Push SSX config self.ssx.config_from_string(script_var['common_ssx1']) self.ssx.config_from_string(script_var['fun_007_ssx']) # Push xpress vpn config self.xpress_vpn.write_to_file(script_var['fun_007_xpressvpn_multi'],"autoexec.cfg","/xpm/") self.xpress_vpn.write_to_file(script_var['add_ip_takama'],"add_ip_takama","/xpm/") # Enable debug logs for iked self.ssx.cmd("context %s" % script_var['context']) self.ssx.cmd("debug module iked all") self.ssx.cmd("debug module aaad all") # Flush the debug logs in SSX, if any self.ssx.cmd("clear log debug") # Initiate IKE Session from Xpress VPN Client (takama) self.xpress_vpn.cmd("cd /xpm/") self.xpress_vpn.cmd("sudo chmod 777 add_ip_takama") self.xpress_vpn.cmd("sudo ./add_ip_takama") time.sleep(3) op_client_cmd = self.xpress_vpn.cmd("sudo ./start_ike") time.sleep(10) #Consider 9 client op_ssx_sa = self.ssx.configcmd("show ike-session brief") i=0 count=0 ssx_max_ses=5 for i in range(0,len(clnt_ips)): if clnt_ips[i] in op_ssx_sa: count=count+1 self.myLog.output("\n\n************* the no. of ike sessions:%d\n\n"%count) self.failUnless(count==ssx_max_ses,"Mismatch with the number of sessions and Max sessions configured") # Check the "authentication fail" notify message when more than Max sessions are initiated op_debug = verify_in_debug(self.ssx,"AUTHEN_FAIL") self.failUnless(op_debug,"the AUTHENTICATION_FAILED notify message is not sent by SSX") # Checking SSX Health hs = self.ssx.get_health_stats() self.failUnless(is_healthy(hs), "Platform is not healthy") if __name__ == '__main__': logfile=__file__.replace('.py','.log') log = buildLogger(logfile, debug=True, console=True) suite = test_suite() suite.addTest(test_AAA_FUN_007) test_runner(stream=sys.stdout).run(suite)
9be957a2c85ebd9b19fe425153d975765239ef04
9a1a829eee3b08ed3e1c412d183c0967d44d2c70
/djinsta/djinsta/urls.py
e4141e8f4811e7e5ca3c6e379697a43e7a854454
[ "MIT" ]
permissive
woshangfenglove/djinsta
4f6df93719b46008fb4dfa007527f78f565d1eb8
3e006a7027de51715ec34211b0bc771893f2f4a1
refs/heads/master
2021-09-11T17:44:32.047646
2018-04-10T12:50:11
2018-04-10T12:50:11
null
0
0
null
null
null
null
UTF-8
Python
false
false
794
py
"""djinsta URL Configuration The `urlpatterns` list routes URLs to views. For more information please see: https://docs.djangoproject.com/en/2.0/topics/http/urls/ Examples: Function views 1. Add an import: from my_app import views 2. Add a URL to urlpatterns: path('', views.home, name='home') Class-based views 1. Add an import: from other_app.views import Home 2. Add a URL to urlpatterns: path('', Home.as_view(), name='home') Including another URLconf 1. Import the include() function: from django.urls import include, path 2. Add a URL to urlpatterns: path('blog/', include('blog.urls')) """ from django.contrib import admin from django.urls import path, include urlpatterns = [ path('', include('djin.urls')), path('admin/', admin.site.urls), ]
edb0af5fe1bef9f2bdae693f8f6c6ee8f2cd6483
863bc319e092b5127037db0ead15e627e4b0ac72
/Uncertainty/data/case-ln/case_ln_100.py
98ae71457dc82915ee0516dd7baec5f5b7b5bdc8
[ "MIT" ]
permissive
thanever/SOC
ea349e61eebef7f31c610765cd5db1be14b60800
7dc33e9f4713d012f206385452987579f46b63eb
refs/heads/master
2023-08-27T04:57:38.825111
2023-08-07T03:20:42
2023-08-07T03:20:42
212,486,054
3
1
null
null
null
null
UTF-8
Python
false
false
321,671
py
from numpy import array def case_ln_100(): ppc = {"version": '2'} ppc["baseMVA"] = 100.0 ppc["bus"] = array([ [1.0, 1.0, 36.3818, 9.7018, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [5.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [6.0, 1.0, 7.2764, 2.668, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [7.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [8.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [9.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 11.0, 1.0, 1.1, 0.95, 0.6, 10 ], [10.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 11.0, 1.0, 1.1, 0.95, 0.6, 10 ], [11.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [12.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [13.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [14.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [15.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [16.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [17.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [18.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [19.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [20.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [21.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [22.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [23.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [24.0, 2.0, 2.4255, 1.4553, 0.0, 0.0, 1.0, 1.0, 0.0, 6.3, 1.0, 1.1, 0.95, 0.6, 10 ], [25.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [26.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [27.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [28.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [29.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [30.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 13.8, 1.0, 1.1, 0.95, 0.6, 10 ], [31.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 13.8, 1.0, 1.1, 0.95, 0.6, 10 ], [32.0, 2.0, 1.6978, 1.4553, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [33.0, 2.0, 1.4553, 1.4553, 0.0, 0.0, 1.0, 1.0, 0.0, 15.75, 1.0, 1.1, 0.95, 0.6, 10 ], [34.0, 2.0, 1.4553, 1.4553, 0.0, 0.0, 1.0, 1.0, 0.0, 15.75, 1.0, 1.1, 0.95, 0.6, 10 ], [35.0, 2.0, 3.3956, 1.4553, 0.0, 0.0, 1.0, 1.0, 0.0, 24.0, 1.0, 1.1, 0.95, 0.6, 10 ], [36.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [37.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [38.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [39.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [40.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [41.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [42.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [43.0, 1.0, 41.1356, 1.5426, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [44.0, 1.0, 48.509, 3.0367, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [45.0, 1.0, 48.509, 3.0367, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [46.0, 1.0, 48.509, 3.0367, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [47.0, 1.0, 48.509, 3.0367, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [48.0, 1.0, 24.2545, 3.1579, 1e-06, -1e-06, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [49.0, 1.0, 50.4494, 3.1579, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [50.0, 1.0, 10.0899, 3.1579, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [51.0, 1.0, 29.1054, 9.7018, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [52.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [53.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [54.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [55.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [56.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [57.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [58.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [59.0, 1.0, 48.509, 3.0367, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [107.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [108.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [109.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [110.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [111.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [112.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [113.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [114.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [115.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [116.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [117.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [118.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [119.0, 1.0, 58.2108, 29.1054, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [120.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [121.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [122.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [123.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [307.0, 1.0, 0.0, 0.0, 0.0, -1.36054422, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [310.0, 1.0, 0.0, 0.0, 0.0, -1.36054422, 2.0, 1.0, 0.0, 500.0, 2.0, 1.1, 0.95, 0.6, 10 ], [315.0, 1.0, 0.0, 0.0, 0.0, -1.36054422, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [316.0, 1.0, 0.0, 0.0, 0.0, -1.36054422, 2.0, 1.0, 0.0, 500.0, 2.0, 1.1, 0.95, 0.6, 10 ], [482.0, 1.0, 0.0, 0.0, 0.0, -0.99173882, 2.0, 1.0, 0.0, 500.0, 2.0, 1.1, 0.95, 0.6, 10 ], [483.0, 1.0, 0.0, 0.0, 0.0, -0.99173882, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [484.0, 1.0, 0.0, 0.0, 0.0, -0.99173882, 2.0, 1.0, 0.0, 500.0, 2.0, 1.1, 0.95, 0.6, 10 ], [499.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 500.0, 2.0, 1.1, 0.95, 0.6, 10 ], [500.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 500.0, 2.0, 1.1, 0.95, 0.6, 10 ], [508.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 500.0, 2.0, 1.1, 0.95, 0.6, 10 ], [539.0, 1.0, 0.0, 0.0, 0.0, -1.36054422, 2.0, 1.0, 0.0, 500.0, 2.0, 1.1, 0.95, 0.6, 10 ], [540.0, 1.0, 0.0, 0.0, 0.0, -1.36054422, 2.0, 1.0, 0.0, 500.0, 2.0, 1.1, 0.95, 0.6, 10 ], [541.0, 1.0, 0.0, 0.0, 0.0, -1.36054422, 2.0, 1.0, 0.0, 500.0, 2.0, 1.1, 0.95, 0.6, 10 ], [542.0, 1.0, 0.0, 0.0, 0.0, -1.36054422, 2.0, 1.0, 0.0, 500.0, 2.0, 1.1, 0.95, 0.6, 10 ], [552.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [553.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [556.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [557.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1418.0, 1.0, 67.9126, 19.4036, 5e-07, -5e-07, 2.0, 1.0, 0.0, 220.0, 2.0, 1.1, 0.95, 0.6, 10 ], [1454.0, 1.0, 33.4712, 9.2167, 5e-07, -5e-07, 2.0, 1.0, 0.0, 220.0, 2.0, 1.1, 0.95, 0.6, 10 ], [1473.0, 1.0, 79.0697, 14.5527, 5e-07, -5e-07, 2.0, 1.0, 0.0, 220.0, 2.0, 1.1, 0.95, 0.6, 10 ], [1545.0, 1.0, 31.5309, 7.2764, 5e-07, -5e-07, 2.0, 1.0, 0.0, 220.0, 2.0, 1.1, 0.95, 0.6, 10 ], [1555.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1556.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1557.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1558.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1559.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1560.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1561.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1562.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1563.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1564.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1565.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1566.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1567.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1568.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1569.0, 1.0, 0.0, 0.0, 0.0, -0.5999988, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1570.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1571.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1572.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1573.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1574.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1575.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1576.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1577.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1578.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1579.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1580.0, 1.0, 0.0, 0.0, 0.0, -0.5999988, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1581.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1582.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1583.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1584.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1585.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1586.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1587.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1588.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1589.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1590.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1591.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1592.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1593.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1594.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1595.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1596.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1597.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 10.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1598.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1599.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 10.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1600.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1601.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1602.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1603.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1604.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1605.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1606.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1607.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1608.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1609.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 13.8, 1.0, 1.1, 0.95, 0.6, 10 ], [1610.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1611.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1612.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 13.8, 1.0, 1.1, 0.95, 0.6, 10 ], [1613.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1614.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1615.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1616.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1617.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1618.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1619.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1620.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 10.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1621.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 10.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1622.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1623.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1624.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1625.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1626.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1627.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1628.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1629.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 13.8, 1.0, 1.1, 0.95, 0.6, 10 ], [1630.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1631.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1632.0, 2.0, 3.3956, 1.7657, 0.0, 0.0, 1.0, 1.0, 0.0, 13.8, 1.0, 1.1, 0.95, 0.6, 10 ], [1633.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1634.0, 2.0, 3.3956, 1.7657, 0.0, 0.0, 1.0, 1.0, 0.0, 13.8, 1.0, 1.1, 0.95, 0.6, 10 ], [1635.0, 1.0, 145.527, 17.3711, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1641.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1642.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1643.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1644.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1645.0, 2.0, 2.4255, 1.4553, 0.0, 0.0, 1.0, 1.0, 0.0, 6.3, 1.0, 1.1, 0.95, 0.6, 10 ], [1646.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1647.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1648.0, 2.0, 3.3956, 1.4553, 0.0, 0.0, 1.0, 1.0, 0.0, 24.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1649.0, 2.0, 1.6978, 1.4553, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1650.0, 2.0, 3.3956, 1.4553, 0.0, 0.0, 1.0, 1.0, 0.0, 24.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1651.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 15.7, 1.0, 1.1, 0.95, 0.6, 10 ], [1652.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1653.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 15.7, 1.0, 1.1, 0.95, 0.6, 10 ], [1654.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 15.7, 1.0, 1.1, 0.95, 0.6, 10 ], [1655.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1656.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1657.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1658.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1659.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1660.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1661.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1662.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 15.75, 1.0, 1.1, 0.95, 0.6, 10 ], [1663.0, 3.0, 29.1054, 5.336, 0.0, 0.0, 1.0, 1.0, 0.0, 27.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1664.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 15.7, 1.0, 1.1, 0.95, 0.6, 10 ], [1665.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 24.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1666.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 24.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1667.0, 2.0, 21.3925, 6.1121, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1668.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1669.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1670.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1671.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1672.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1673.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1674.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 15.7, 1.0, 1.1, 0.95, 0.6, 10 ], [1675.0, 2.0, 7.6402, 2.5467, 0.0, 0.0, 1.0, 1.0, 0.0, 18.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1676.0, 2.0, 7.6402, 2.5467, 0.0, 0.0, 1.0, 1.0, 0.0, 18.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1677.0, 2.0, 7.6402, 2.7796, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1678.0, 2.0, 7.6402, 2.7796, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1679.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1680.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1681.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1682.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1683.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1684.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1685.0, 2.0, 4.5841, 2.0374, 0.0, 0.0, 1.0, 1.0, 0.0, 15.75, 1.0, 1.1, 0.95, 0.6, 10 ], [1686.0, 2.0, 7.6402, 2.7796, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1687.0, 2.0, 7.6402, 2.7796, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1688.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1689.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1690.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 35.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1691.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 15.75, 1.0, 1.1, 0.95, 0.6, 10 ], [1692.0, 2.0, 29.1054, 5.336, 0.0, 0.0, 1.0, 1.0, 0.0, 27.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1693.0, 2.0, 8.7316, 2.9396, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1694.0, 2.0, 8.7316, 2.9396, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1695.0, 2.0, 8.7316, 2.9396, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1696.0, 2.0, 8.7316, 2.9396, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1697.0, 2.0, 14.5527, 4.3658, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1698.0, 2.0, 14.5527, 4.3658, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1699.0, 2.0, 14.5527, 4.3658, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1700.0, 2.0, 4.8509, 1.7657, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1701.0, 2.0, 4.8509, 1.7657, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1702.0, 2.0, 8.7316, 2.6437, 0.0, 0.0, 1.0, 1.0, 0.0, 15.75, 1.0, 1.1, 0.95, 0.6, 10 ], [1703.0, 2.0, 8.7316, 2.6437, 0.0, 0.0, 1.0, 1.0, 0.0, 15.75, 1.0, 1.1, 0.95, 0.6, 10 ], [1704.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 13.8, 1.0, 1.1, 0.95, 0.6, 10 ], [1705.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 13.8, 1.0, 1.1, 0.95, 0.6, 10 ], [1706.0, 2.0, 8.7316, 2.6437, 0.0, 0.0, 1.0, 1.0, 0.0, 16.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1707.0, 2.0, 10.1869, 2.6437, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1708.0, 2.0, 3.8807, 1.7657, 0.0, 0.0, 1.0, 1.0, 0.0, 13.8, 1.0, 1.1, 0.95, 0.6, 10 ], [1709.0, 2.0, 3.8807, 1.7657, 0.0, 0.0, 1.0, 1.0, 0.0, 13.8, 1.0, 1.1, 0.95, 0.6, 10 ], [1710.0, 2.0, 4.8509, 1.7657, 0.0, 0.0, 1.0, 1.0, 0.0, 18.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1711.0, 2.0, 8.7316, 2.6437, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1712.0, 2.0, 8.7316, 2.6437, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1713.0, 2.0, 7.2764, 2.6438, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1714.0, 2.0, 7.2764, 2.6438, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1715.0, 2.0, 7.2764, 2.6438, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1716.0, 2.0, 7.2764, 2.6438, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1717.0, 2.0, 23.2843, 4.3755, 0.0, 0.0, 1.0, 1.0, 0.0, 24.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1718.0, 2.0, 23.2843, 4.3755, 0.0, 0.0, 1.0, 1.0, 0.0, 24.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1719.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 10.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1720.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 10.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1721.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 10.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1722.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 10.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1723.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 10.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1724.0, 2.0, 4.8509, 1.7657, 0.0, 0.0, 1.0, 1.0, 0.0, 18.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1725.0, 2.0, 4.8509, 1.7657, 0.0, 0.0, 1.0, 1.0, 0.0, 18.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1726.0, 2.0, 4.8509, 1.7657, 0.0, 0.0, 1.0, 1.0, 0.0, 15.75, 1.0, 1.1, 0.95, 0.6, 10 ], [1727.0, 2.0, 4.8509, 1.7657, 0.0, 0.0, 1.0, 1.0, 0.0, 15.75, 1.0, 1.1, 0.95, 0.6, 10 ], [1728.0, 2.0, 10.1869, 2.6437, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1729.0, 2.0, 10.1869, 2.6437, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1730.0, 2.0, 5.8211, 1.7657, 0.0, 0.0, 1.0, 1.0, 0.0, 15.75, 1.0, 1.1, 0.95, 0.6, 10 ], [1731.0, 2.0, 5.8211, 1.7657, 0.0, 0.0, 1.0, 1.0, 0.0, 15.75, 1.0, 1.1, 0.95, 0.6, 10 ], [1732.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 15.75, 1.0, 1.1, 0.95, 0.6, 10 ], [1733.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 15.75, 1.0, 1.1, 0.95, 0.6, 10 ], [1734.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 15.75, 1.0, 1.1, 0.95, 0.6, 10 ], [1735.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 10.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1736.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 10.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1737.0, 2.0, 5.8211, 1.7657, 0.0, 0.0, 1.0, 1.0, 0.0, 15.75, 1.0, 1.1, 0.95, 0.6, 10 ], [1738.0, 2.0, 5.8211, 1.7463, 0.0, 0.0, 1.0, 1.0, 0.0, 15.75, 1.0, 1.1, 0.95, 0.6, 10 ], [1739.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 10.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1740.0, 2.0, 10.1869, 2.6437, 0.0, 0.0, 1.0, 1.0, 0.0, 10.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1741.0, 2.0, 10.1869, 2.6437, 0.0, 0.0, 1.0, 1.0, 0.0, 10.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1742.0, 2.0, 10.1869, 2.6437, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1743.0, 2.0, 10.1869, 2.6437, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1744.0, 2.0, 10.1869, 2.6437, 0.0, 0.0, 1.0, 1.0, 0.0, 22.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1745.0, 2.0, 10.1869, 2.6437, 0.0, 0.0, 1.0, 1.0, 0.0, 22.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1746.0, 2.0, 53.3599, 16.9781, 0.0, 0.0, 1.0, 1.0, 0.0, 13.8, 1.0, 1.1, 0.95, 0.6, 10 ], [1747.0, 2.0, 4.8509, 1.4553, 0.0, 0.0, 1.0, 1.0, 0.0, 13.8, 1.0, 1.1, 0.95, 0.6, 10 ], [1748.0, 2.0, 20.3738, 5.2923, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1749.0, 2.0, 20.3738, 5.2923, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1750.0, 2.0, 20.3738, 5.2923, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1751.0, 2.0, 20.3738, 5.2923, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1752.0, 2.0, 10.1869, 2.6437, 0.0, 0.0, 1.0, 1.0, 0.0, 20.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1754.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1755.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1756.0, 1.0, 0.0, 0.0, 0.0, -0.5999988, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1757.0, 1.0, 0.0, 0.0, 0.0, -0.5999988, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1758.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1759.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1760.0, 1.0, 0.0, 0.0, 0.0, -0.5999988, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1761.0, 1.0, 0.0, 0.0, 0.0, -0.5999988, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1762.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1763.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1764.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1765.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1766.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1767.0, 1.0, 48.509, 3.1676, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1768.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1769.0, 1.0, 48.509, 3.0367, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1770.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1771.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1772.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1773.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1774.0, 1.0, 26.68, 3.483, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1775.0, 1.0, 48.509, 3.0367, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1776.0, 1.0, 24.2545, 3.1676, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1777.0, 1.0, 41.2327, 9.7018, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1778.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1779.0, 1.0, 24.2545, 3.1676, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1780.0, 1.0, 72.7635, 10.7981, 1e-06, -1e-06, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1781.0, 1.0, 26.68, 3.483, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1782.0, 1.0, 25.2247, 3.2938, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1783.0, 1.0, 25.2247, 3.2938, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1784.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1785.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1786.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1787.0, 1.0, 26.68, 10.672, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1788.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1789.0, 1.0, 0.0, 0.0, 0.0, -0.99173882, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1790.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1791.0, 1.0, 161.894, 49.1445, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1792.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1793.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1794.0, 1.0, 19.4036, 4.8509, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1795.0, 1.0, 19.1174, 2.7068, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1796.0, 1.0, 48.509, 16.5028, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1797.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1798.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1799.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1800.0, 1.0, 50.4494, 17.1625, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1801.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1802.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1803.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1804.0, 1.0, 35.4795, 21.2906, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1805.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1806.0, 1.0, 13.112, -4.9382, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1807.0, 1.0, 48.509, 9.7018, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1808.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1809.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1810.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1811.0, 1.0, 0.0, 0.0, 0.0, -2.40000384, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1812.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1813.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1814.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1815.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1816.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1817.0, 1.0, 4.8024, 0.8247, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1818.0, 1.0, 39.952, 6.0685, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1819.0, 1.0, 2.3866, 0.5966, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1820.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1821.0, 1.0, 27.9072, 6.2577, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1822.0, 1.0, 48.509, 3.0367, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1823.0, 1.0, 24.2545, 16.5028, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1824.0, 1.0, 26.3404, 4.5598, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1825.0, 1.0, 4.6084, 0.8247, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1826.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1827.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1828.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1829.0, 1.0, 116.4604, 24.2788, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1830.0, 1.0, 13.5825, 0.9702, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1831.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1832.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1833.0, 1.0, 53.3599, 17.4632, 1e-06, -1e-06, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1834.0, 1.0, 0.0, 0.0, 0.0, -1.4999925, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1835.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1836.0, 1.0, 23.1048, 6.6021, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1837.0, 1.0, 33.9903, -1.0284, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1838.0, 1.0, 3.6527, 0.8732, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1839.0, 1.0, 11.0601, 4.1233, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1840.0, 1.0, 30.0659, 6.1558, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1841.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1842.0, 1.0, 37.3519, 6.5099, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1843.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1844.0, 1.0, 14.5527, 16.5028, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1845.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1846.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1847.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1848.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1849.0, 1.0, 0.0, 0.0, 0.0, 5.74999045, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1850.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1851.0, 1.0, 0.0, 0.0, 0.0, -1.20000048, 1.0, 1.0, 0.0, 63.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1852.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1853.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1854.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1855.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1856.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1857.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1858.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1859.0, 1.0, 27.6501, 9.2167, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1860.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1861.0, 1.0, 48.3295, 9.8861, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1862.0, 1.0, 0.0, 0.0, 0.0, 0.64800415, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1863.0, 1.0, 0.0, 0.0, 0.0, -3.8340098, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1864.0, 1.0, 0.0, 0.0, 0.0, -1.97550375, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1865.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1866.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1867.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1868.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1869.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1870.0, 1.0, 4.1718, 0.5967, 0.0, 0.0, 2.0, 1.0, 0.0, 220.0, 2.0, 1.1, 0.95, 0.6, 10 ], [1871.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1872.0, 1.0, 0.0, 0.0, 0.0, -1.1999976, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1873.0, 1.0, 0.0, 0.0, 0.0, -1.1999976, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1874.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1875.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1876.0, 1.0, 0.0, 0.0, 0.0, -1.36054422, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1877.0, 1.0, 0.0, 0.0, 0.0, -1.7999964, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1878.0, 1.0, 0.0, 0.0, 0.0, -0.5999988, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1879.0, 1.0, 0.0, 0.0, 0.0, -0.5999988, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1880.0, 1.0, 0.0, 0.0, 0.0, 0.599988, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1881.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1882.0, 1.0, 0.0, 0.0, 0.0, -1.20000048, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1883.0, 1.0, 0.0, 0.0, 0.0, -1.36054422, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1884.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1885.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1886.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1887.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1888.0, 1.0, 5.7532, 0.8586, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1889.0, 1.0, 0.0, 0.0, 0.0, -0.6000024, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1890.0, 1.0, 0.0, 0.0, 0.0, -1.1999976, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1891.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1892.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1893.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1894.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1895.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1896.0, 1.0, 0.0, 0.0, 0.0, -1.36054422, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1897.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1898.0, 1.0, 0.0, 0.0, 0.0, -1.36054422, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1899.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1900.0, 1.0, 41.7614, 2.862, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1901.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1902.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1903.0, 1.0, 0.0, 0.0, 0.0, -1.36054422, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1904.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1905.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1906.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1907.0, 1.0, 42.2028, 10.5264, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1908.0, 1.0, 17.9483, 3.9777, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1909.0, 1.0, 27.5046, 11.0018, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1910.0, 1.0, 33.9563, 11.8847, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1911.0, 1.0, 55.0092, 11.0018, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1912.0, 1.0, 25.9038, 6.7427, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1913.0, 1.0, 60.6993, -1.7512, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1914.0, 1.0, 12.5299, 4.0554, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1915.0, 1.0, 16.4349, 5.2826, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1916.0, 1.0, 26.68, 12.103, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1917.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1918.0, 1.0, 100.8987, 24.7202, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1919.0, 1.0, 31.9674, -20.4223, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1920.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1921.0, 1.0, 36.5612, 0.0, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1922.0, 1.0, 33.6458, 12.6657, 5e-07, -5e-07, 2.0, 1.0, 0.0, 220.0, 2.0, 1.1, 0.95, 0.6, 10 ], [1923.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1924.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1925.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1926.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1927.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1928.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1929.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1930.0, 1.0, 0.0, 0.0, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1931.0, 1.0, 53.3599, 3.3374, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1932.0, 1.0, 28.3341, 10.2451, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1933.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1934.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1935.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1936.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1937.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1938.0, 1.0, 16.105, 4.7054, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1939.0, 1.0, 80.8209, 12.5638, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1940.0, 1.0, 43.3185, 4.5598, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1941.0, 1.0, 50.7501, 12.3116, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1942.0, 1.0, 117.3918, 36.8183, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1943.0, 1.0, 29.1103, 4.9964, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1944.0, 1.0, 72.3948, 5.6513, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1945.0, 1.0, 27.5046, 11.0018, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1946.0, 1.0, 76.0136, 11.8362, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1947.0, 1.0, 71.9874, 11.7877, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1948.0, 1.0, 92.5552, 30.8517, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1949.0, 1.0, 36.0907, -0.4366, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1950.0, 1.0, 78.7301, 21.441, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1951.0, 1.0, 64.7789, 15.7897, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1952.0, 1.0, 3.3277, 0.6064, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1953.0, 1.0, 18.7342, 5.7871, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1954.0, 1.0, 64.517, 9.2167, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1955.0, 1.0, 48.509, 3.1676, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1956.0, 1.0, 10.866, 3.5412, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1957.0, 1.0, 0.0, 0.0, 0.0, -2.3999952, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1958.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1959.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1960.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1961.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1962.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1963.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 63.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1964.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 63.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1965.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1966.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1967.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1968.0, 1.0, 84.3281, 5.142, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1969.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1970.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1971.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1972.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1973.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1974.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1975.0, 1.0, 0.0, 0.0, 0.0, -1.08843537, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1976.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1977.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1978.0, 1.0, 106.2444, 12.3601, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1979.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1980.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1981.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1982.0, 1.0, 9.0712, 3.2501, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1983.0, 1.0, 23.2358, 10.2354, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1984.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1985.0, 1.0, 141.4523, 57.1048, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1986.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1987.0, 1.0, 0.0, 0.0, 0.0, -1.23967967, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1988.0, 1.0, 94.5441, 17.8998, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1989.0, 1.0, 35.8967, 12.6124, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1990.0, 1.0, 58.2157, 21.5041, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1991.0, 1.0, 76.358, 29.9349, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1992.0, 1.0, 60.6363, 7.3734, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1993.0, 1.0, 26.7285, 12.5153, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1994.0, 1.0, 56.707, 9.6533, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1995.0, 1.0, 52.0987, 16.6386, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1996.0, 1.0, 0.0, 0.0, 0.0, -2.999994, 1.0, 1.0, 0.0, 63.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1997.0, 1.0, 0.0, 0.0, 0.0, -1.7999964, 1.0, 1.0, 0.0, 63.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1998.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [1999.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2000.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2001.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2002.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2003.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2004.0, 1.0, 52.3412, 12.4183, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2005.0, 1.0, 18.3364, 3.1046, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2006.0, 1.0, 83.9206, 24.7881, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2007.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2008.0, 1.0, 60.4907, 7.417, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2009.0, 1.0, 0.0, 0.0, 0.0, -1.36054422, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2010.0, 1.0, 0.0, 0.0, 0.0, 13.8608871, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2011.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 63.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2012.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 63.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2013.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2014.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2015.0, 1.0, 66.8939, 2.2702, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2016.0, 1.0, 38.9964, 6.961, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2017.0, 1.0, 0.0, 0.0, 0.0, 0.599988, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2018.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2019.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2020.0, 1.0, 22.5712, 6.9901, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2021.0, 1.0, 53.1465, 8.2708, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2022.0, 1.0, 0.0, 0.0, 0.0, 1.29600829, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2023.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2024.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2025.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2026.0, 1.0, 46.6657, 4.7539, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2027.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2028.0, 1.0, 86.9767, 14.6012, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2029.0, 1.0, 38.8072, 12.4183, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2030.0, 1.0, 54.3301, 1.4553, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2031.0, 1.0, 0.0, 0.0, 0.0, -0.9000009, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2032.0, 1.0, 0.0, 0.0, 0.0, -1.36054422, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2033.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2034.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2035.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2036.0, 1.0, 56.804, 11.2541, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2037.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 10.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2038.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 10.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2039.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 10.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2040.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 10.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2041.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 10.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2042.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 10.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2043.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 63.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2044.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2045.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2046.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2047.0, 1.0, 63.0132, -8.7268, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2048.0, 1.0, 7.2133, 1.6639, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2049.0, 1.0, 0.0, 0.0, 0.0, -0.5999988, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2050.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2051.0, 1.0, 63.0617, 9.7018, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2052.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2053.0, 1.0, 153.531, 30.0756, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2054.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2055.0, 1.0, 0.0, 0.0, 0.0, -1.1999976, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2056.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2057.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2058.0, 1.0, 47.7911, 5.9084, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2059.0, 1.0, 39.9763, 7.7566, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2060.0, 1.0, 118.2601, 41.1114, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2061.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2062.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2063.0, 1.0, 53.748, 10.4294, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2064.0, 1.0, 27.0535, 5.4961, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2065.0, 1.0, 51.7591, 14.4072, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2066.0, 1.0, 80.525, 12.6123, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2067.0, 1.0, 75.6255, 14.6497, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2068.0, 1.0, 52.8748, 6.0151, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2069.0, 1.0, 96.368, 17.9823, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2070.0, 1.0, 130.0527, 29.8816, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2071.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2072.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2073.0, 1.0, 65.9383, 28.8047, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2074.0, 1.0, 46.4231, 15.0863, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2075.0, 1.0, 90.7118, 23.0418, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2076.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2077.0, 1.0, 0.0, 0.0, 0.0, 0.900009, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2078.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 66.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2079.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2080.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2081.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2082.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2083.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2084.0, 1.0, 50.5464, 12.9519, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2085.0, 1.0, 26.971, 10.1384, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2086.0, 1.0, 41.0386, 8.5861, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2087.0, 1.0, 69.0768, 21.2469, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2088.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2089.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2090.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2091.0, 1.0, 62.9647, -7.2569, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2092.0, 1.0, 67.5245, 22.2656, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2093.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2094.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2095.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2096.0, 1.0, 5.5009, 1.9986, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2097.0, 1.0, 49.8673, 19.7432, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2098.0, 1.0, 47.4903, 16.5416, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2099.0, 1.0, 49.5714, 10.7787, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2100.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2101.0, 1.0, 91.8858, 26.2531, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2102.0, 1.0, 109.9651, 38.5453, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2103.0, 1.0, 79.7731, 8.0573, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2104.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2105.0, 1.0, 159.9682, 51.4196, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2106.0, 1.0, 37.4344, 1.4407, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2107.0, 1.0, 38.8412, 13.4855, 1e-06, -1e-06, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2108.0, 1.0, 185.4014, 33.1316, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2109.0, 1.0, 146.4972, 20.3738, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2110.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 10.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2111.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 10.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2112.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 10.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2113.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 10.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2114.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 10.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2115.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 10.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2116.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 10.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2117.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2118.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2119.0, 1.0, 16.0565, 0.0, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2120.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2121.0, 1.0, 186.7597, 42.6879, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2122.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2123.0, 1.0, 59.9765, 18.3024, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2124.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2125.0, 1.0, 118.9392, 37.4053, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2126.0, 1.0, 147.6614, 23.0418, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2127.0, 1.0, 77.5174, 21.0529, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2128.0, 1.0, 86.9233, 8.6783, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2129.0, 1.0, 7.8827, 3.1288, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2130.0, 1.0, 66.4573, 16.008, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2131.0, 1.0, 0.3735, 1.1884, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2132.0, 1.0, 58.4243, 16.8375, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2133.0, 1.0, 104.5854, 3.2016, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2134.0, 1.0, 43.6581, 11.1571, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2135.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2136.0, 1.0, 0.0, 0.0, 0.0, -1.23967967, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2137.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2138.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2139.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2140.0, 1.0, 0.0, 0.0, 0.0, -1.36054422, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2141.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2142.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2143.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2144.0, 1.0, 0.0, 0.0, 0.0, -1.500015, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2145.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2146.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2147.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2148.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2149.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2150.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2151.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2152.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2153.0, 1.0, 66.7047, 21.5865, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2154.0, 1.0, 52.0502, 5.9666, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2155.0, 1.0, 100.4622, 20.2768, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2156.0, 1.0, 33.5682, 7.7614, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2157.0, 1.0, 19.1125, 10.963, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2158.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2159.0, 1.0, 25.2732, 5.627, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2160.0, 1.0, 37.8855, 10.9145, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2161.0, 1.0, 127.8697, 20.0342, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2162.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2163.0, 1.0, 90.0036, 10.9485, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2164.0, 1.0, 58.1138, 4.9964, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2165.0, 1.0, 21.344, 1.9889, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2166.0, 1.0, 85.8124, 21.0529, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2167.0, 1.0, 42.1058, 8.7316, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2168.0, 1.0, 51.4584, 13.4176, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2169.0, 1.0, 98.58, 7.5674, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2170.0, 1.0, 99.9286, 16.4931, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2171.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2172.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2173.0, 1.0, 77.3913, 18.6178, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2174.0, 1.0, 156.4416, 40.0199, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2175.0, 1.0, 105.9922, 39.5348, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2176.0, 1.0, 119.3322, 2.474, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2177.0, 1.0, 100.7532, 16.3475, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2178.0, 1.0, 123.4069, 35.9937, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2179.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2180.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2181.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2182.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2183.0, 1.0, 37.381, 8.2756, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2184.0, 1.0, 62.1012, 9.6339, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2185.0, 1.0, 62.3826, 24.012, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2186.0, 1.0, 87.3162, 16.105, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2187.0, 1.0, 106.7198, 24.012, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2188.0, 1.0, 106.0407, 25.7098, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2189.0, 1.0, 47.3448, 5.2875, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2190.0, 1.0, 69.2224, 4.8994, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2191.0, 1.0, 71.9874, 20.5678, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2192.0, 1.0, 87.0737, -1.6154, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2193.0, 1.0, 117.8769, 14.0676, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2194.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2195.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2196.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2197.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2198.0, 1.0, 135.4566, 32.9425, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2199.0, 1.0, 29.0084, 7.9215, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2200.0, 1.0, 61.3979, 14.5285, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2201.0, 1.0, 126.8317, 20.0294, 1e-07, -9.9e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2202.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2203.0, 1.0, 28.1352, 7.7614, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2204.0, 1.0, 128.5489, 45.1134, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2205.0, 1.0, 18.4334, 3.8807, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2206.0, 1.0, 76.3532, 29.0084, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2207.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2208.0, 1.0, 27.7957, 8.8772, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2209.0, 1.0, 81.2526, 32.113, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2210.0, 1.0, 30.9487, 14.6012, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2211.0, 1.0, 34.781, 5.7726, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2212.0, 1.0, 37.449, 10.866, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2213.0, 1.0, 15.5714, 4.2203, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2214.0, 1.0, 103.7123, 34.2959, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2215.0, 1.0, 55.5913, 15.6199, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2216.0, 1.0, 39.4378, 11.3511, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2217.0, 1.0, 156.199, 51.177, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2218.0, 1.0, 40.2625, 16.9782, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2219.0, 1.0, 24.2545, 3.1676, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2220.0, 1.0, 65.4387, 13.7766, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2221.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2222.0, 1.0, 71.6381, 10.5459, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2223.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2224.0, 1.0, 67.6701, 10.0414, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2225.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2226.0, 1.0, 88.2864, 40.2625, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2227.0, 1.0, 101.8689, 40.7476, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2228.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2229.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2230.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 500.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2231.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2232.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2233.0, 1.0, 50.2068, 4.7054, 5e-07, -5e-07, 1.0, 1.0, 0.0, 220.0, 1.0, 1.1, 0.95, 0.6, 10 ], [2234.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 220.0, 2.0, 1.1, 0.95, 0.6, 10 ] ]) ppc["gen"] = array([ [1634.0, 40.0, 44.7, 68.2, 0.0, 1.07, 100.0, 1.0, 110.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 129.41, 22.0, 33.0, 33.0, 44.0 ], [1632.0, 60.0, 43.6, 68.2, 0.0, 1.07, 100.0, 0.0, 110.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 129.41, 22.0, 33.0, 33.0, 44.0 ], [1629.0, 90.0, 40.8, 77.46, 0.0, 1.07, 100.0, 1.0, 125.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 147.06, 25.0, 37.5, 37.5, 50.0 ], [1685.0, 154.8, 75.3, 80.0, 0.0, 1.07, 100.0, 1.0, 157.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 177.177, 31.4, 47.1, 47.1, 62.8 ], [1706.0, 282.3, 96.3, 185.9, 0.0, 1.07, 100.0, 1.0, 300.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 352.0, 60.0, 90.0, 90.0, 120.0 ], [1747.0, 79.0, 23.2, 41.5, 0.0, 1.0, 100.0, 0.0, 75.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 88.8888, 15.0, 22.5, 22.5, 30.0 ], [1746.0, 77.8, 18.4, 41.5, 0.0, 1.0, 100.0, 0.0, 75.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 88.8888, 15.0, 22.5, 22.5, 30.0 ], [31.0, 100.0, 12.6, 62.0, 0.0, 1.0, 100.0, 1.0, 100.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 117.65, 20.0, 30.0, 30.0, 40.0 ], [30.0, 100.0, 12.6, 62.0, 0.0, 1.0, 100.0, 0.0, 100.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 117.65, 20.0, 30.0, 30.0, 40.0 ], [23.0, 49.5, 19.0, 62.0, 0.0, 1.0, 100.0, 0.0, 8.3518, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [4.0, 7.1, 1.8, 62.0, 0.0, 1.0, 100.0, 0.0, 33.5598, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [1666.0, 193.0, 107.7, 185.9, 0.0, 1.0, 100.0, 1.0, 367.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 411.7, 70.0, 105.0, 105.0, 140.0 ], [1665.0, 264.8, 115.6, 185.9, 0.0, 1.0, 100.0, 1.0, 367.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 411.7, 70.0, 105.0, 105.0, 140.0 ], [1745.0, 234.1, 26.6, 216.9, 0.0, 1.0, 100.0, 1.0, 350.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 411.76, 70.0, 105.0, 105.0, 140.0 ], [1744.0, 231.6, 46.9, 216.9, 0.0, 1.02, 100.0, 1.0, 350.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 411.76, 70.0, 105.0, 105.0, 140.0 ], [1743.0, 258.5, 46.6, 216.9, 0.0, 1.0, 100.0, 1.0, 350.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 411.76, 70.0, 105.0, 105.0, 140.0 ], [1742.0, 263.3, 101.2, 216.9, 0.0, 1.02, 100.0, 1.0, 350.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 411.76, 70.0, 105.0, 105.0, 140.0 ], [1664.0, 350.0, 34.0, 216.9, 0.0, 1.015, 100.0, 0.0, 350.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 411.76, 70.0, 105.0, 105.0, 140.0 ], [26.0, 49.5, 19.0, 62.0, 0.0, 1.0, 100.0, 0.0, 23.9058, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [28.0, 49.5, 19.0, 62.0, 0.0, 1.0, 100.0, 0.0, 22.2024, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [19.0, 49.5, 19.0, 62.0, 0.0, 1.0, 100.0, 0.0, 16.794, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [1741.0, 283.9, 41.3, 216.9, 0.0, 1.0, 100.0, 1.0, 350.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 411.76, 70.0, 105.0, 105.0, 140.0 ], [1740.0, 262.8, 32.8, 216.9, 0.0, 1.03, 100.0, 1.0, 350.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 411.76, 70.0, 105.0, 105.0, 140.0 ], [1670.0, 219.8, 92.0, 185.9, 0.0, 1.0, 100.0, 1.0, 300.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 352.94, 60.0, 90.0, 90.0, 120.0 ], [1669.0, 299.8, 103.9, 185.9, 0.0, 1.0, 100.0, 1.0, 300.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 352.94, 60.0, 90.0, 90.0, 120.0 ], [1687.0, 297.4, 102.2, 185.9, 0.0, 1.01, 100.0, 1.0, 300.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 352.94, 60.0, 90.0, 90.0, 120.0 ], [1686.0, 297.7, 86.4, 185.9, 0.0, 1.0, 100.0, 1.0, 300.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 352.94, 60.0, 90.0, 90.0, 120.0 ], [1729.0, 266.4, 133.3, 216.9, 0.0, 1.0, 100.0, 1.0, 350.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 411.76, 70.0, 105.0, 105.0, 140.0 ], [1728.0, 225.0, 140.2, 216.9, 0.0, 1.0, 100.0, 1.0, 350.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 411.76, 70.0, 105.0, 105.0, 140.0 ], [1696.0, 209.0, 112.0, 185.9, 0.0, 1.0, 100.0, 1.0, 300.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 352.94, 60.0, 90.0, 90.0, 120.0 ], [1695.0, 209.0, 89.0, 185.9, 0.0, 1.0, 100.0, 1.0, 300.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 352.94, 60.0, 90.0, 90.0, 120.0 ], [1690.0, 133.1, 0.0, 88.0, 0.0, 1.0, 100.0, 1.0, 33.0873, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [1659.0, 22.2, -0.9, 62.0, 0.0, 1.0, 100.0, 1.0, 15.7372, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [1738.0, 134.2, 51.3, 50.0, 0.0, 1.0, 100.0, 1.0, 200.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 235.29, 40.0, 60.0, 60.0, 80.0 ], [1737.0, 155.4, 40.6, 50.0, 0.0, 1.0, 100.0, 1.0, 200.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 235.29, 40.0, 60.0, 60.0, 80.0 ], [1707.0, 264.3, 28.2, 216.9, 0.0, 1.0, 100.0, 1.0, 350.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 411.76, 70.0, 105.0, 105.0, 140.0 ], [1752.0, 254.3, 31.4, 216.9, 0.0, 1.0, 100.0, 1.0, 350.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 411.76, 70.0, 105.0, 105.0, 140.0 ], [13.0, 90.0, 19.0, 62.0, 0.0, 1.0, 100.0, 0.0, 2.0057, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [1703.0, 93.2, 0.0, 123.9, 0.0, 1.0, 100.0, 1.0, 150.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 176.0, 30.0, 45.0, 45.0, 60.0 ], [1702.0, 144.4, 17.6, 123.9, 0.0, 1.0, 100.0, 0.0, 150.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 176.0, 30.0, 45.0, 45.0, 60.0 ], [1704.0, 107.3, 0.0, 123.9, 0.0, 1.0, 100.0, 1.0, 150.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 176.0, 30.0, 45.0, 45.0, 60.0 ], [1705.0, 107.7, 9.9, 123.9, 0.0, 1.0, 100.0, 1.0, 150.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 176.0, 30.0, 45.0, 45.0, 60.0 ], [34.0, 30.0, 20.0, 35.0, 0.0, 1.003, 100.0, 1.0, 50.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 40.0, 6.0, 9.0, 9.0, 12.0 ], [33.0, 30.0, 20.0, 35.0, 0.0, 1.0, 100.0, 1.0, 50.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 40.0, 6.0, 9.0, 9.0, 12.0 ], [1678.0, 257.9, 99.5, 185.9, 0.0, 1.0, 100.0, 1.0, 300.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 352.94, 60.0, 90.0, 90.0, 120.0 ], [1677.0, 128.6, 88.6, 185.9, 0.0, 1.0, 100.0, 1.0, 300.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 352.94, 60.0, 90.0, 90.0, 120.0 ], [1655.0, 49.5, 0.0, 4.95, -0.0, 1.0, 100.0, 0.0, 1.8055, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 110.0, 19.8, 29.7, 29.7, 39.6 ], [27.0, 48.0, 19.0, 62.0, 0.0, 1.0, 100.0, 0.0, 5.3159, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [1657.0, 90.0, 19.0, 62.0, 0.0, 1.0, 100.0, 0.0, 4.0656, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [1650.0, 1068.2, 202.5, 600.0, 0.0, 1.0, 100.0, 1.0, 1150.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 1278.0, 223.6, 335.4, 335.4, 447.2 ], [1648.0, 1000.0, 300.0, 600.0, 0.0, 1.0, 100.0, 1.0, 1150.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 1277.778, 230.0, 345.0, 345.0, 460.0 ], [35.0, 1118.0, 300.0, 600.0, 0.0, 1.0, 100.0, 0.0, 1150.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 1278.0, 223.6, 335.4, 335.4, 447.2 ], [1682.0, 246.6, 95.4, 185.9, 0.0, 1.0, 100.0, 1.0, 330.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 388.0, 66.0, 99.0, 99.0, 132.0 ], [1681.0, 275.9, 100.9, 185.9, 0.0, 1.0, 100.0, 1.0, 330.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 388.0, 66.0, 99.0, 99.0, 132.0 ], [2116.0, 58.3, 2.4, 44.9, 0.0, 1.0, 100.0, 0.0, 72.5, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 85.294, 14.5, 21.75, 21.75, 29.0 ], [2114.0, 67.9, 2.3, 44.9, 0.0, 1.0, 100.0, 0.0, 72.5, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 85.294, 14.5, 21.75, 21.75, 29.0 ], [2113.0, 67.0, 4.7, 44.9, 0.0, 1.0, 100.0, 0.0, 72.5, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 85.294, 14.5, 21.75, 21.75, 29.0 ], [2112.0, 32.2, 5.0, 5.0, 0.0, 1.0, 100.0, 0.0, 36.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 41.14, 7.2, 10.8, 10.8, 14.4 ], [2110.0, 32.6, 5.4, 5.0, 0.0, 1.0, 100.0, 0.0, 36.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 41.14, 7.2, 10.8, 10.8, 14.4 ], [1736.0, 30.2, 5.9, 20.0, 0.0, 1.0, 100.0, 0.0, 42.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 49.412, 8.4, 12.6, 12.6, 16.8 ], [1735.0, 30.8, 6.3, 20.0, 0.0, 1.0, 100.0, 0.0, 42.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 49.412, 8.4, 12.6, 12.6, 16.8 ], [1734.0, 200.0, 88.0, 123.9, 0.0, 1.0, 100.0, 0.0, 200.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 235.29, 40.0, 60.0, 60.0, 80.0 ], [1733.0, 200.0, 123.9, 123.9, 0.0, 1.03, 100.0, 0.0, 200.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 235.29, 40.0, 60.0, 60.0, 80.0 ], [1732.0, 130.3, 19.7, 123.9, 0.0, 1.0, 100.0, 0.0, 200.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 235.29, 40.0, 60.0, 60.0, 80.0 ], [1694.0, 212.5, 27.6, 185.9, 0.0, 1.0, 100.0, 1.0, 300.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 352.94, 60.0, 90.0, 90.0, 120.0 ], [1693.0, 215.3, 38.5, 185.9, 0.0, 1.0, 100.0, 1.0, 300.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 352.94, 60.0, 90.0, 90.0, 120.0 ], [25.0, 48.0, 19.0, 62.0, 0.0, 1.0, 100.0, 0.0, 2.8906, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [1701.0, 472.5, 159.0, 290.6, 0.0, 1.03, 100.0, 1.0, 600.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 666.67, 120.0, 180.0, 180.0, 240.0 ], [1700.0, 563.6, 210.1, 290.6, 0.0, 1.03, 100.0, 0.0, 600.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 666.67, 120.0, 180.0, 180.0, 240.0 ], [1652.0, 50.0, 19.0, 62.0, 0.0, 1.0, 100.0, 0.0, 2.1653, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [1645.0, 50.0, 20.0, 60.0, 0.0, 1.03, 100.0, 1.0, 50.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 58.0, 10.0, 15.0, 15.0, 20.0 ], [24.0, 50.0, 20.0, 60.0, 0.0, 1.03, 100.0, 0.0, 50.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 58.0, 10.0, 15.0, 15.0, 20.0 ], [1656.0, 49.5, 0.0, 4.95, -0.0, 1.0, 100.0, 1.0, 2.4863, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 110.0, 19.8, 29.7, 29.7, 39.6 ], [14.0, 49.5, 0.0, 4.95, -0.0, 1.0, 100.0, 0.0, 0.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 110.0, 19.8, 29.7, 29.7, 39.6 ], [1679.0, 140.0, 9.6, 62.0, 0.0, 1.0, 100.0, 1.0, 15.2415, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [116.0, 99.0, 19.0, 62.0, 0.0, 1.0, 100.0, 0.0, 2.9336, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [18.0, 99.0, 20.0, 62.0, 0.0, 1.0, 100.0, 0.0, 2.7747, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [17.0, 99.0, 20.0, 62.0, 0.0, 1.0, 100.0, 0.0, 0.9391, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [16.0, 99.0, 20.0, 62.0, 0.0, 1.0, 100.0, 0.0, 10.6394, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [15.0, 99.0, 20.0, 62.0, 0.0, 1.0, 100.0, 0.0, 2.0057, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [1612.0, 80.6, 23.4, 62.0, 0.0, 1.0, 100.0, 1.0, 100.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 117.65, 20.0, 30.0, 30.0, 40.0 ], [1609.0, 85.9, 28.5, 62.0, 0.0, 1.0, 100.0, 1.0, 100.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 117.65, 20.0, 30.0, 30.0, 40.0 ], [1691.0, 100.8, 44.0, 123.9, 0.0, 1.0, 100.0, 1.0, 150.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 176.471, 30.0, 45.0, 45.0, 60.0 ], [1662.0, 106.9, 43.8, 123.9, 0.0, 1.0, 100.0, 0.0, 150.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 176.471, 30.0, 45.0, 45.0, 60.0 ], [1731.0, 119.9, 64.6, 123.9, 0.0, 1.0, 100.0, 1.0, 200.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 235.29, 40.0, 60.0, 60.0, 80.0 ], [1730.0, 121.8, 59.9, 123.9, 0.0, 1.0, 100.0, 1.0, 200.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 235.29, 40.0, 60.0, 60.0, 80.0 ], [1649.0, 200.0, 180.0, 185.9, 0.0, 1.0, 100.0, 1.0, 300.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 352.94, 60.0, 90.0, 90.0, 120.0 ], [32.0, 200.0, 34.0, 216.9, 0.0, 1.015, 100.0, 1.0, 350.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 411.76, 70.0, 105.0, 105.0, 140.0 ], [1651.0, 300.0, 166.0, 166.0, 0.0, 1.0, 100.0, 1.0, 300.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 342.86, 60.0, 90.0, 90.0, 120.0 ], [1653.0, 300.0, 166.0, 166.0, 0.0, 1.0, 100.0, 1.0, 300.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 342.86, 60.0, 90.0, 90.0, 120.0 ], [1654.0, 300.0, 166.0, 166.0, 0.0, 1.0, 100.0, 0.0, 300.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 342.86, 60.0, 90.0, 90.0, 120.0 ], [1674.0, 300.0, 166.0, 166.0, 0.0, 1.0, 100.0, 0.0, 300.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 342.86, 60.0, 90.0, 90.0, 120.0 ], [20.0, 49.5, 19.0, 62.0, 0.0, 1.0, 100.0, 0.0, 1.9569999999999999,0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [1668.0, 600.0, 283.0, 290.6, 0.0, 1.0, 100.0, 1.0, 600.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 666.67, 120.0, 180.0, 180.0, 240.0 ], [1727.0, 200.0, 54.0, 130.1, 0.0, 0.98, 100.0, 0.0, 210.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 247.06, 42.0, 63.0, 63.0, 84.0 ], [1726.0, 120.7, 61.9, 123.9, 0.0, 0.98, 100.0, 0.0, 200.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 235.29, 40.0, 60.0, 60.0, 80.0 ], [1697.0, 450.0, 154.0, 290.6, 0.0, 1.0, 100.0, 1.0, 600.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 666.67, 120.0, 180.0, 180.0, 240.0 ], [1643.0, 345.0, 100.0, 62.0, 0.0, 1.0, 100.0, 0.0, 100.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [1725.0, 142.8, 36.0, 123.9, 0.0, 1.0, 100.0, 1.0, 200.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 235.29, 40.0, 60.0, 60.0, 80.0 ], [1724.0, 138.7, 67.0, 123.9, 0.0, 1.0, 100.0, 1.0, 200.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 235.29, 40.0, 60.0, 60.0, 80.0 ], [1710.0, 128.8, 69.5, 123.9, 0.0, 1.0, 100.0, 1.0, 200.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 235.294, 40.0, 60.0, 60.0, 80.0 ], [1672.0, 184.5, 123.5, 185.9, 0.0, 1.0, 100.0, 1.0, 300.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 352.94, 60.0, 90.0, 90.0, 120.0 ], [1671.0, 181.3, 127.5, 185.9, 0.0, 1.0, 100.0, 1.0, 300.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 352.94, 60.0, 90.0, 90.0, 120.0 ], [1723.0, 34.9, 3.9, 20.0, 0.0, 1.0, 100.0, 0.0, 50.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 58.0, 10.0, 15.0, 15.0, 20.0 ], [1722.0, 90.0, 1.0, 50.0, 0.0, 1.01, 100.0, 1.0, 90.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 100.0, 18.0, 27.0, 27.0, 36.0 ], [1721.0, 90.0, 1.0, 50.0, 0.0, 1.0, 100.0, 0.0, 90.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 100.0, 18.0, 27.0, 27.0, 36.0 ], [1720.0, 90.0, 1.0, 50.0, 0.0, 1.0, 100.0, 0.0, 90.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 100.0, 18.0, 27.0, 27.0, 36.0 ], [1719.0, 90.0, 1.0, 50.0, 0.0, 1.0, 100.0, 0.0, 90.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 100.0, 18.0, 27.0, 27.0, 36.0 ], [1646.0, 125.0, 40.0, 80.0, 0.0, 1.03, 100.0, 1.0, 125.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 177.177, 31.4, 47.1, 47.1, 62.8 ], [1647.0, 125.0, 40.0, 80.0, 0.0, 1.03, 100.0, 1.0, 125.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 177.177, 31.4, 47.1, 47.1, 62.8 ], [1676.0, 159.5, 85.5, 123.9, 0.0, 1.0, 100.0, 1.0, 200.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 235.29, 40.0, 60.0, 60.0, 80.0 ], [1675.0, 159.5, 79.9, 123.9, 0.0, 1.0, 100.0, 1.0, 200.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 235.29, 40.0, 60.0, 60.0, 80.0 ], [1718.0, 610.2, 90.7, 387.5, 0.0, 1.0, 100.0, 1.0, 800.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 888.89, 160.0, 240.0, 240.0, 320.0 ], [1717.0, 574.5, 167.0, 387.5, 0.0, 1.0, 100.0, 1.0, 800.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 888.89, 160.0, 240.0, 240.0, 320.0 ], [1692.0, 1004.3, 224.5, 484.0, 0.0, 1.0, 100.0, 1.0, 1000.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 1120.0, 201.6, 302.4, 302.4, 403.2 ], [1663.0, 814.4, 190.8, 484.0, 0.0, 1.0, 100.0, 1.0, 1000.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 1120.0, 201.6, 302.4, 302.4, 403.2 ], [1709.0, 105.1, 50.2, 77.46, 0.0, 1.03, 100.0, 1.0, 135.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 147.06, 27.0, 40.5, 40.5, 54.0 ], [1708.0, 101.3, 47.1, 77.46, 0.0, 1.03, 100.0, 1.0, 135.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 147.06, 27.0, 40.5, 40.5, 54.0 ], [5.0, 49.5, 19.0, 62.0, 0.0, 1.0, 100.0, 1.0, 28.2106, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [29.0, 49.5, 19.0, 62.0, 0.0, 1.0, 100.0, 0.0, 10.4743, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [2042.0, 39.5, 8.5, 20.0, 0.0, 1.0, 100.0, 0.0, 45.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 52.94, 9.0, 13.5, 13.5, 18.0 ], [2040.0, 38.7, 4.5, 20.0, 0.0, 1.0, 100.0, 0.0, 45.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 52.94, 9.0, 13.5, 13.5, 18.0 ], [2039.0, 39.0, 4.8, 20.0, 0.0, 1.0, 100.0, 0.0, 45.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 52.94, 9.0, 13.5, 13.5, 18.0 ], [2037.0, 40.1, 6.6, 20.0, 0.0, 1.0, 100.0, 0.0, 45.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 52.94, 9.0, 13.5, 13.5, 18.0 ], [1599.0, 50.0, 27.0, 20.0, 0.0, 1.0, 100.0, 0.0, 45.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 60.0, 10.0, 15.0, 15.0, 20.0 ], [1597.0, 50.0, 27.0, 20.0, 0.0, 1.0, 100.0, 0.0, 45.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 60.0, 10.0, 15.0, 15.0, 20.0 ], [1661.0, 99.0, 19.0, 62.0, 0.0, 1.0, 100.0, 0.0, 8.5398, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [1699.0, 597.1, 168.2, 290.6, 0.0, 1.0, 100.0, 1.0, 600.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 666.67, 120.0, 180.0, 180.0, 240.0 ], [1698.0, 551.0, 167.2, 290.6, 0.0, 1.0, 100.0, 0.0, 600.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 666.67, 120.0, 180.0, 180.0, 240.0 ], [1714.0, 213.5, 57.0, 185.9, 0.0, 1.0, 100.0, 1.0, 300.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 352.94, 60.0, 90.0, 90.0, 120.0 ], [1713.0, 235.0, 71.0, 185.9, 0.0, 1.0, 100.0, 1.0, 300.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 352.94, 60.0, 90.0, 90.0, 120.0 ], [1716.0, 222.7, 53.2, 185.9, 0.0, 1.0, 100.0, 0.0, 300.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 352.94, 60.0, 90.0, 90.0, 120.0 ], [1715.0, 202.3, 59.3, 185.9, 0.0, 1.0, 100.0, 1.0, 300.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 352.94, 60.0, 90.0, 90.0, 120.0 ], [1680.0, 20.6, 6.6, 4.95, -0.0, 1.0, 100.0, 1.0, 15.547, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 49.5, 9.9, 14.85, 14.85, 19.8 ], [1658.0, 99.0, 19.0, 62.0, 0.0, 1.0, 100.0, 0.0, 28.521, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [21.0, 49.5, 19.0, 62.0, 0.0, 1.0, 100.0, 0.0, 16.8157, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [1667.0, 594.9, 157.8, 290.6, 0.0, 1.03, 100.0, 1.0, 600.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 666.67, 120.0, 180.0, 180.0, 240.0 ], [1673.0, 600.0, 137.0, 290.6, 0.0, 1.03, 100.0, 1.0, 600.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 666.67, 120.0, 180.0, 180.0, 240.0 ], [1712.0, 256.7, 92.1, 185.9, 0.0, 1.0, 100.0, 1.0, 300.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 352.94, 60.0, 90.0, 90.0, 120.0 ], [1711.0, 256.7, 75.7, 185.9, 0.0, 1.0, 100.0, 1.0, 300.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 352.94, 60.0, 90.0, 90.0, 120.0 ], [1749.0, 564.0, 103.0, 290.6, 0.0, 1.0, 100.0, 1.0, 600.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 666.67, 120.0, 180.0, 180.0, 240.0 ], [1748.0, 543.0, 116.0, 290.6, 0.0, 1.0, 100.0, 0.0, 600.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 666.67, 120.0, 180.0, 180.0, 240.0 ], [1684.0, 235.0, 80.0, 185.9, 0.0, 1.0, 100.0, 1.0, 330.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 388.0, 66.0, 99.0, 99.0, 132.0 ], [1683.0, 234.4, 74.8, 185.9, 0.0, 1.0, 100.0, 1.0, 330.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 388.0, 66.0, 99.0, 99.0, 132.0 ], [22.0, 49.5, 19.0, 62.0, 0.0, 1.0, 100.0, 1.0, 16.8157, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [1660.0, 99.0, 19.0, 62.0, 0.0, 1.0, 100.0, 0.0, 30.892, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [1689.0, 114.9, -7.7, 62.0, 0.0, 1.0, 100.0, 1.0, 7.0024, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [117.0, 99.0, 15.0, 62.0, 0.0, 1.0, 100.0, 0.0, 31.3594, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [110.0, 99.0, 15.0, 62.0, 0.0, 1.0, 100.0, 0.0, 22.9475, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [108.0, 99.0, 15.0, 62.0, 0.0, 1.0, 100.0, 0.0, 13.3453, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [1688.0, 91.2, -3.3, 62.0, 0.0, 1.0, 100.0, 1.0, 6.7908, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [118.0, 99.0, 15.0, 62.0, 0.0, 1.0, 100.0, 0.0, 0.8143, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [111.0, 50.0, 10.0, 62.0, 0.0, 1.0, 100.0, 0.0, 3.7603, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [107.0, 50.0, 10.0, 62.0, 0.0, 1.0, 100.0, 0.0, 7.2025, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1.0, 0.95, 117.65, 19.8, 29.7, 29.7, 39.6 ], [1751.0, 497.9, 119.0, 290.6, 0.0, 1.0, 100.0, 0.0, 600.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 666.67, 120.0, 180.0, 180.0, 240.0 ], [1750.0, 506.0, 142.0, 290.6, 0.0, 1.0, 100.0, 1.0, 600.0, 0.0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.0, 0.95, 666.67, 120.0, 180.0, 180.0, 240.0 ] ]) ppc["branch"] = array([ [1418.0, 2021.0, 0.000709, 0.03936, 0.0061, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [541.0, 2024.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [540.0, 2024.0, 0.0, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1545.0, 1418.0, 0.00764, 0.040964, 0.06498, 70.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1545.0, 1418.0, 0.007179, 0.042257, 0.064288, 70.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1545.0, 2021.0, 0.0124, 0.0812, 0.1232, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [542.0, 1960.0, 0.001528, 0.02064, 2.0724, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [539.0, 1960.0, 0.00172, 0.02296, 2.21372, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2234.0, 2233.0, 0.0, 0.187, 0.281, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1870.0, 1871.0, 0.0055, 0.2, 0.3, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1821.0, 1804.0, 0.0017, 0.0122, 0.03806, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1821.0, 1804.0, 0.0017, 0.0122, 0.03806, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1821.0, 1913.0, 0.002785, 0.020342, 0.06345, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1821.0, 1913.0, 0.002804, 0.020317, 0.063616, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2194.0, 2193.0, 0.0007, 0.0031, 0.0, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2194.0, 2193.0, 0.0007, 0.0031, 0.0, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1869.0, 2170.0, 0.0, 0.0001, 0.0002, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2232.0, 2231.0, 0.0, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2232.0, 1962.0, 0.0, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2232.0, 1988.0, 0.00046, 0.003737, 0.012788, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2232.0, 1988.0, 0.000424, 0.003818, 0.01291, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2232.0, 1993.0, 0.001928, 0.011229, 0.034974, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2232.0, 1993.0, 0.001775, 0.011229, 0.034426, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2232.0, 1824.0, 0.00242, 0.01694, 0.049586, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2232.0, 1824.0, 5e-06, 3.5e-05, 2.4e-05, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2232.0, 1839.0, 0.000545, 0.004212, 0.013316, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2232.0, 1839.0, 0.000541, 0.004268, 0.013416, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1966.0, 1965.0, 0.0, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1966.0, 1961.0, 0.0, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1966.0, 2034.0, 0.000436, 0.005137, 0.500594, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1763.0, 2099.0, 0.004241, 0.030126, 0.085066, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2192.0, 1782.0, 0.002004, 0.011367, 0.016964, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2192.0, 1840.0, 0.001859, 0.011245, 0.03521, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2192.0, 1840.0, 0.001995, 0.011437, 0.033768, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1794.0, 2208.0, 0.002049, 0.019073, 0.054854, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1794.0, 2026.0, 0.004879, 0.030837, 0.09544, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1796.0, 2220.0, 0.001408, 0.006842, 0.024408, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1796.0, 2220.0, 0.001394, 0.006874, 0.024286, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2000.0, 1999.0, 0.0, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2000.0, 1998.0, 0.0, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2000.0, 2153.0, 0.008206, 0.048173, 0.133258, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2000.0, 2153.0, 0.007348, 0.042683, 0.114282, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2000.0, 2152.0, 0.007455, 0.049655, 0.13954, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2000.0, 1776.0, 0.007141, 0.033921, 0.09508, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2000.0, 2065.0, 0.0017, 0.0076, 0.0198, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2000.0, 2065.0, 0.0018, 0.00704, 0.0182, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2000.0, 2004.0, 0.0041, 0.0196, 0.0546, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2000.0, 1989.0, 0.005358, 0.0248, 0.0503, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2000.0, 1989.0, 0.004066, 0.021045, 0.057736, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2000.0, 2036.0, 0.0139, 0.0491, 0.1352, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2000.0, 1931.0, 0.001403, 0.007678, 0.020786, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2003.0, 2002.0, 0.0, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2003.0, 2001.0, 0.0, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2003.0, 115.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2003.0, 1970.0, 0.000812, 0.015612, 1.68775, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2003.0, 1972.0, 0.000816, 0.015984, 1.68775, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2003.0, 1789.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2003.0, 483.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [115.0, 109.0, 0.001236, 0.013293, 1.480528, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2191.0, 1837.0, 0.001635, 0.012705, 0.037662, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2191.0, 1818.0, 0.01022, 0.042629, 0.06611, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2226.0, 2210.0, 0.001173, 0.005248, 0.008748, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2226.0, 2190.0, 0.00036, 0.0073, 0.0134, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2189.0, 2188.0, 0.0023, 0.0078, 0.0138, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2189.0, 1907.0, 0.002424, 0.014193, 0.040774, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2189.0, 2187.0, 0.007996, 0.039339, 0.110062, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2186.0, 2217.0, 0.0055, 0.0238, 0.0364, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2186.0, 1956.0, 0.002, 0.01, 0.016, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2186.0, 2185.0, 0.0028, 0.0141, 0.0216, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2219.0, 2218.0, 0.002676, 0.015582, 0.050366, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2219.0, 2218.0, 0.002791, 0.015447, 0.050366, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2221.0, 1796.0, 0.001819, 0.009567, 0.03228, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2221.0, 1796.0, 0.00179, 0.009574, 0.03228, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2221.0, 2219.0, 0.001167, 0.006646, 0.023698, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2221.0, 2219.0, 0.001154, 0.006607, 0.023536, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2221.0, 2215.0, 0.0029, 0.0172, 0.0498, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2221.0, 2215.0, 0.003, 0.0174, 0.0496, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2221.0, 1947.0, 0.00434, 0.02042, 0.09428, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2221.0, 2216.0, 0.0005, 0.00293, 0.008814, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2221.0, 2216.0, 0.0005, 0.00293, 0.008814, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2221.0, 1938.0, 0.001983, 0.0125, 0.038, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2221.0, 2217.0, 0.0026, 0.0159, 0.045, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2221.0, 2217.0, 0.0025, 0.0156, 0.04604, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2221.0, 1956.0, 0.001996, 0.015004, 0.049722, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2221.0, 1956.0, 0.001942, 0.015223, 0.048658, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2221.0, 2214.0, 0.00705, 0.0366, 0.0638, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1970.0, 122.0, 0.004241, 0.030126, 0.085066, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1970.0, 2032.0, 0.001038, 0.010782, 0.99978, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1972.0, 112.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1972.0, 1970.0, 1e-05, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1972.0, 1971.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1972.0, 2034.0, 0.000863, 0.008857, 0.583716, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [122.0, 121.0, 0.000863, 0.008857, 0.583716, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1898.0, 1970.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1898.0, 122.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1898.0, 120.0, 0.001351, 0.015445, 1.51142, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1896.0, 1972.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1896.0, 1897.0, 0.001355, 0.017948, 1.76, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2184.0, 2169.0, 0.002551, 0.012, 0.032826, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2184.0, 2169.0, 0.002288, 0.012288, 0.051244, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2203.0, 2134.0, 0.0149, 0.0858, 0.1412, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2203.0, 1949.0, 0.0105, 0.05925, 0.0525, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2203.0, 2208.0, 0.00447, 0.02537, 0.03784, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2183.0, 2222.0, 0.001446, 0.009469, 0.030074, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2212.0, 1473.0, 0.0218, 0.0638, 0.066, 400.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2212.0, 1831.0, 0.004731, 0.023671, 0.047954, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2212.0, 2097.0, 0.003778, 0.017949, 0.05031, 400.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2212.0, 2182.0, 0.0035, 0.0205, 0.0556, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2212.0, 2182.0, 0.007552, 0.0302, 0.046742, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2212.0, 1909.0, 0.004017, 0.028224, 0.081516, 400.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2181.0, 57.0, 1e-06, 1e-06, 2e-06, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2181.0, 2209.0, 0.0143, 0.075, 0.1148, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2181.0, 2180.0, 0.0006, 0.0032, 0.005, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2181.0, 2179.0, 0.0052, 0.0259, 0.038, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1770.0, 1912.0, 0.0004, 0.003044, 0.009322, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1770.0, 1912.0, 0.0004, 0.003044, 0.009322, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1770.0, 2155.0, 0.000856, 0.006515, 0.019094, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1770.0, 2155.0, 0.000856, 0.006515, 0.019094, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1770.0, 2224.0, 0.00164, 0.012482, 0.036582, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1770.0, 2224.0, 0.00164, 0.012482, 0.036582, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1770.0, 2030.0, 0.001344, 0.010229, 0.02998, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1770.0, 2030.0, 0.001344, 0.010229, 0.02998, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1770.0, 1940.0, 0.001313, 0.009985, 0.029266, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1770.0, 1940.0, 0.001313, 0.009985, 0.029266, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1772.0, 1771.0, 0.000697, 0.008904, 0.966246, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1772.0, 1771.0, 0.000697, 0.008904, 0.966246, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1944.0, 42.0, 0.003347, 0.019091, 0.05291, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1944.0, 1888.0, 0.00452, 0.021267, 0.06035, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1944.0, 1888.0, 0.0033, 0.021, 0.061034, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [40.0, 2157.0, 0.002254, 0.015419, 0.044362, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1988.0, 1985.0, 0.0004, 0.0018, 0.0044, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1988.0, 1985.0, 0.0004, 0.0018, 0.0044, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1988.0, 2193.0, 0.0003, 0.0017, 0.004, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1988.0, 2193.0, 0.0003, 0.0025, 0.005, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1988.0, 2090.0, 0.0019, 0.0086, 0.0214, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1988.0, 2087.0, 0.0008, 0.0055, 0.0142, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1924.0, 2226.0, 0.002291, 0.017079, 0.050654, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1924.0, 2226.0, 0.00258, 0.018126, 0.05235, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1924.0, 1856.0, 0.0, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1924.0, 2227.0, 0.004044, 0.029321, 0.090328, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1924.0, 2227.0, 0.003984, 0.029357, 0.09127, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1924.0, 2074.0, 0.001113, 0.006391, 0.02179, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1924.0, 2074.0, 0.001088, 0.006441, 0.021698, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1813.0, 1928.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1812.0, 1924.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1928.0, 1970.0, 0.0012, 0.015315, 1.662034, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1928.0, 1972.0, 0.0012, 0.015315, 1.662034, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1928.0, 1855.0, 0.0, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1928.0, 1790.0, 0.0005, 0.009109, 0.977482, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1928.0, 1790.0, 0.000499, 0.009108, 0.977482, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1928.0, 2034.0, 0.000494, 0.009033, 0.96659, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1928.0, 2024.0, 0.000363, 0.006412, 0.672766, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1912.0, 2155.0, 0.000721, 0.003805, 0.023416, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2177.0, 2175.0, 0.0018, 0.0107, 0.0208, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2177.0, 2175.0, 0.0013, 0.0109, 0.0364, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2177.0, 2174.0, 0.003659, 0.01587, 0.045896, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2177.0, 2176.0, 0.001, 0.004, 0.0076, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2177.0, 2176.0, 0.0009, 0.0039, 0.00888, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2173.0, 2171.0, 0.0049, 0.0203, 0.0352, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2173.0, 2172.0, 0.0014, 0.0089, 0.0272, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1810.0, 1939.0, 0.000764, 0.005558, 0.06534, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1810.0, 2202.0, 0.001198, 0.009194, 0.095348, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2171.0, 2168.0, 0.002645, 0.016233, 0.122918, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2171.0, 1829.0, 0.000831, 0.007075, 0.049208, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2171.0, 2169.0, 0.0006, 0.0048, 0.0144, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2171.0, 2169.0, 0.0007, 0.005, 0.0146, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2171.0, 1941.0, 0.0005, 0.003, 0.0076, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1809.0, 2218.0, 0.000453, 0.005, 0.0074, 400.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1809.0, 2218.0, 0.000453, 0.005, 0.0074, 400.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [53.0, 1909.0, 0.003648, 0.013602, 0.02284, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [55.0, 1909.0, 0.003648, 0.013602, 0.02284, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [36.0, 1831.0, 0.001722, 0.010968, 0.017098, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2167.0, 1982.0, 0.0036, 0.0317, 0.0886, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2167.0, 1983.0, 0.00206, 0.01115, 0.01946, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2162.0, 1908.0, 0.000426, 0.002537, 0.00866, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2162.0, 1908.0, 0.00045, 0.002581, 0.008058, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2162.0, 2161.0, 0.001, 0.006138, 0.017238, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2162.0, 2161.0, 0.001, 0.00539, 0.01767, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1925.0, 1794.0, 0.004382, 0.027697, 0.085722, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1925.0, 1794.0, 0.003049, 0.028391, 0.081652, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1925.0, 1887.0, 1e-06, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1925.0, 2166.0, 0.003412, 0.01859, 0.035532, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1925.0, 2209.0, 0.005598, 0.030473, 0.051208, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1925.0, 2209.0, 0.005475, 0.032322, 0.077422, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1925.0, 1908.0, 0.005469, 0.034514, 0.10096, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1925.0, 1908.0, 0.005539, 0.034934, 0.100658, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1925.0, 2164.0, 0.00228, 0.015838, 0.046554, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1925.0, 2208.0, 0.005808, 0.044554, 0.131736, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1925.0, 2026.0, 0.014736, 0.08342, 0.159408, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1927.0, 1928.0, 0.001024, 0.01164, 1.045364, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1927.0, 1928.0, 0.00083, 0.011237, 1.038556, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1927.0, 1886.0, 1e-06, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1927.0, 1814.0, 0.00049, 0.005109, 0.49856, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2166.0, 2164.0, 0.0019, 0.0094, 0.0118, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2166.0, 2165.0, 0.0011, 0.006921, 0.0214, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2166.0, 2165.0, 0.001254, 0.006957, 0.020732, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2166.0, 1783.0, 0.018061, 0.104849, 0.16225, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2166.0, 2163.0, 0.02, 0.128, 0.184, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1841.0, 1925.0, 0.002005, 0.015458, 0.048382, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1841.0, 1925.0, 0.001952, 0.015406, 0.048262, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2160.0, 1842.0, 0.009545, 0.050416, 0.0775, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2160.0, 1910.0, 0.001505, 0.00955, 0.029252, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2159.0, 2156.0, 0.0024, 0.0141, 0.0394, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2159.0, 2156.0, 0.002467, 0.012564, 0.036174, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2159.0, 2158.0, 0.0036, 0.0224, 0.0614, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2159.0, 2157.0, 0.0066, 0.0357, 0.056, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2159.0, 2157.0, 0.0066, 0.0357, 0.066724, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1906.0, 2156.0, 0.001131, 0.010327, 0.03263, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1906.0, 2156.0, 0.00134, 0.010137, 0.032934, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2155.0, 2232.0, 0.002, 0.011176, 0.022224, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2155.0, 2232.0, 0.002, 0.011176, 0.022224, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2155.0, 2154.0, 0.000957, 0.004942, 0.015, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2155.0, 1940.0, 0.0013, 0.0068, 0.06552, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [45.0, 1995.0, 0.007107, 0.034738, 0.060772, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [45.0, 1995.0, 0.004876, 0.023832, 0.041692, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [45.0, 2185.0, 0.002149, 0.010502, 0.018372, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [45.0, 2185.0, 0.00157, 0.007675, 0.013426, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2188.0, 2228.0, 0.0032, 0.0124, 0.033, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2188.0, 2228.0, 0.003, 0.0143, 0.0408, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2153.0, 2152.0, 0.0053, 0.0319, 0.0654, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1987.0, 2003.0, 0.00057, 0.005567, 0.51967, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2151.0, 2150.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2151.0, 2149.0, 0.0003, 0.0024, 0.0064, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2151.0, 2149.0, 0.0003, 0.0024, 0.0064, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2148.0, 2147.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2148.0, 2146.0, 0.0003, 0.0024, 0.0062, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2145.0, 2143.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2145.0, 2142.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2145.0, 2141.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2145.0, 2144.0, 0.0, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2142.0, 1987.0, 0.0, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2142.0, 2139.0, 0.0016, 0.0178, 1.672, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2142.0, 2140.0, 0.0, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2141.0, 2138.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2137.0, 2142.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2137.0, 2141.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2137.0, 2135.0, 0.0015, 0.0181, 1.6626, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2137.0, 2136.0, 0.0, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1807.0, 2106.0, 0.001225, 0.00965, 0.029664, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2156.0, 51.0, 0.00113, 0.008562, 0.02454, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2156.0, 51.0, 0.001024, 0.007755, 0.022224, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2156.0, 2130.0, 0.008293, 0.046318, 0.129332, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2175.0, 2207.0, 0.001095, 0.007076, 0.019756, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2175.0, 2207.0, 0.001116, 0.007079, 0.019756, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2175.0, 1784.0, 0.000787, 0.004344, 0.014244, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2175.0, 1784.0, 0.000787, 0.004344, 0.014244, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1947.0, 2220.0, 0.000603, 0.003376, 0.009118, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1947.0, 2220.0, 0.000475, 0.00314, 0.009422, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2209.0, 2134.0, 0.0137, 0.0773, 0.1374, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2209.0, 2208.0, 0.00517, 0.0294, 0.04392, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2094.0, 1791.0, 0.000869, 0.007208, 0.024548, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2094.0, 1791.0, 0.000738, 0.007235, 0.024668, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2094.0, 1990.0, 0.001151, 0.007729, 0.026286, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2094.0, 1990.0, 0.000871, 0.007813, 0.026216, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2094.0, 48.0, 0.005823, 0.027349, 0.07467, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2094.0, 48.0, 0.005823, 0.027349, 0.07467, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2094.0, 1842.0, 0.001531, 0.010085, 0.030386, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2094.0, 1842.0, 0.001531, 0.010085, 0.030386, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2094.0, 2228.0, 0.007567, 0.040931, 0.114362, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2094.0, 2228.0, 0.006829, 0.035599, 0.10737, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2094.0, 2228.0, 0.010092, 0.044787, 0.083766, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2094.0, 1.0, 0.006166, 0.027296, 0.045504, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1937.0, 1792.0, 0.0, 1e-06, 0.0, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1937.0, 2133.0, 0.00124, 0.008152, 0.014254, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1937.0, 2014.0, 0.002055, 0.016456, 0.05077, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1937.0, 2014.0, 0.002055, 0.016456, 0.05077, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1937.0, 1774.0, 0.005207, 0.03944, 0.113034, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1792.0, 2123.0, 0.00124, 0.01052, 0.018254, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1792.0, 2014.0, 0.002055, 0.016456, 0.05077, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1792.0, 1774.0, 0.005207, 0.03944, 0.113034, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1901.0, 1913.0, 0.0037, 0.0294, 0.085666, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1802.0, 1913.0, 0.002304, 0.015628, 0.04459, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2152.0, 2132.0, 0.002, 0.0066, 0.0096, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2152.0, 2131.0, 0.002, 0.0084, 0.0176, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2152.0, 2131.0, 0.0027, 0.009, 0.0144, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1820.0, 1821.0, 0.003241, 0.020126, 0.057066, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [59.0, 1804.0, 0.0, 0.0001, 0.0, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [58.0, 1804.0, 0.0, 0.0001, 0.0, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2227.0, 2226.0, 0.0006, 0.00225, 0.007, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2227.0, 2226.0, 0.0006, 0.00225, 0.007, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2227.0, 1955.0, 0.000528, 0.005104, 0.00836, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2227.0, 1955.0, 0.000528, 0.005104, 0.00836, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2216.0, 2214.0, 0.0072, 0.0325, 0.047, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1854.0, 2128.0, 0.00069, 0.004434, 0.014444, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1854.0, 2198.0, 0.002688, 0.016159, 0.048504, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1854.0, 2172.0, 0.000758, 0.004368, 0.015356, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1854.0, 2172.0, 0.000706, 0.004367, 0.015052, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2200.0, 1943.0, 0.0003, 0.0029, 0.00475, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2010.0, 557.0, 1e-06, 0.0001, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2010.0, 556.0, 1e-06, 0.0001, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2010.0, 553.0, 1e-06, 0.0001, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2010.0, 552.0, 1e-06, 0.0001, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2010.0, 2009.0, 0.0, 0.0001, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2130.0, 51.0, 0.006325, 0.047909, 0.137306, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2130.0, 2156.0, 0.006231, 0.047431, 0.139012, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2130.0, 2129.0, 0.008403, 0.052574, 0.08514, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2130.0, 2129.0, 0.008106, 0.03814, 0.0886, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2128.0, 1840.0, 0.001822, 0.010859, 0.032462, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2211.0, 2210.0, 0.0043, 0.0204, 0.0302, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [46.0, 1925.0, 0.007438, 0.056343, 0.161476, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [46.0, 2166.0, 0.005702, 0.043196, 0.123798, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [46.0, 1783.0, 0.005678, 0.043008, 0.12326, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2210.0, 1910.0, 0.004774, 0.033037, 0.094882, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2127.0, 2225.0, 0.0016, 0.0087, 0.0092, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2127.0, 1824.0, 0.002094, 0.01628, 0.048262, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1837.0, 43.0, 0.002851, 0.021598, 0.0619, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1837.0, 43.0, 0.002851, 0.021598, 0.0619, 400.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1837.0, 3.0, 0.007298, 0.023277, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1826.0, 1827.0, 0.002963, 0.017781, 0.051432, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2168.0, 2172.0, 0.001353, 0.007979, 0.09775, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2126.0, 2177.0, 0.001083, 0.006426, 0.017174, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2125.0, 2133.0, 0.001, 0.0066, 0.01932, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2125.0, 2133.0, 0.0011, 0.0066, 0.0216, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2125.0, 2124.0, 0.001048, 0.007655, 0.021428, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2125.0, 2124.0, 0.001064, 0.007566, 0.02158, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1806.0, 1968.0, 0.004027, 0.025987, 0.06444, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1806.0, 1968.0, 0.006024, 0.031897, 0.07314, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [41.0, 1777.0, 0.002361, 0.01109, 0.030276, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [41.0, 1777.0, 0.002361, 0.01109, 0.030276, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [41.0, 2036.0, 0.001453, 0.011009, 0.031552, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [41.0, 2036.0, 0.001453, 0.011009, 0.031552, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [41.0, 1817.0, 0.002715, 0.020567, 0.058944, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [41.0, 1817.0, 0.002715, 0.020567, 0.058944, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [54.0, 2064.0, 0.003648, 0.013602, 0.02284, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1800.0, 1944.0, 0.00362, 0.02356, 0.070238, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1800.0, 1944.0, 0.00362, 0.02356, 0.070238, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1917.0, 1978.0, 0.001756, 0.012722, 0.039038, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1917.0, 1978.0, 0.001756, 0.012768, 0.039174, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2193.0, 2232.0, 0.00036, 0.00247, 0.008304, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2193.0, 2232.0, 0.00036, 0.002473, 0.008404, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1793.0, 1831.0, 0.004018, 0.02119, 0.031322, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1952.0, 1951.0, 0.00445, 0.02678, 0.0424, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1834.0, 1973.0, 0.001166, 0.01489, 1.616022, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1834.0, 1897.0, 0.000188, 0.003424, 0.356704, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1834.0, 1897.0, 0.000184, 0.003403, 0.358824, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1834.0, 1897.0, 0.000222, 0.003421, 0.351524, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1858.0, 1859.0, 0.0011, 0.0097, 0.030288, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1858.0, 1859.0, 0.0011, 0.0097, 0.030288, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2174.0, 2126.0, 0.0016, 0.0111, 0.0326, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2174.0, 2126.0, 0.002435, 0.013008, 0.039056, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2174.0, 2121.0, 0.0012, 0.0051, 0.017, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2174.0, 2182.0, 0.01269, 0.070386, 0.213056, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2174.0, 2120.0, 0.0205, 0.0676, 0.291, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2174.0, 44.0, 0.005062, 0.023775, 0.064912, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2015.0, 2196.0, 0.0006, 0.0031, 0.0436, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1861.0, 2196.0, 0.0006, 0.0031, 0.0436, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2118.0, 1780.0, 0.014222, 0.06951, 0.121602, 400.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2118.0, 1780.0, 0.014222, 0.06951, 0.121602, 400.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2116.0, 2115.0, 0.0, 0.0001, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2114.0, 2115.0, 0.0, 0.0001, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2113.0, 2115.0, 0.0, 0.0001, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2119.0, 1924.0, 0.024837, 0.137353, 0.21539, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2119.0, 2118.0, 0.0018, 0.0039, 0.0067, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2119.0, 1780.0, 0.013636, 0.077335, 0.11541, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2119.0, 1780.0, 0.013636, 0.077335, 0.11541, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2119.0, 2117.0, 0.00714, 0.021, 0.0326, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2119.0, 1992.0, 0.015847, 0.094112, 0.149088, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2119.0, 1992.0, 0.0163, 0.097, 0.1432, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1977.0, 1927.0, 0.000918, 0.012759, 1.2575, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1977.0, 1927.0, 0.000926, 0.012736, 1.256638, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1977.0, 1883.0, 1e-06, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1977.0, 1976.0, 0.001129, 0.015209, 1.424948, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1977.0, 1902.0, 0.000146, 0.001874, 0.18991, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1977.0, 1903.0, 0.000172, 0.001884, 0.195408, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1780.0, 1992.0, 0.004254, 0.024125, 0.036002, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1780.0, 1992.0, 0.004254, 0.024125, 0.036002, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1975.0, 1977.0, 0.001129, 0.015209, 0.142494, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1975.0, 1974.0, 0.0, 0.0001, 0.0, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2112.0, 2111.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2110.0, 2111.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2109.0, 1844.0, 0.002676, 0.015397, 0.031688, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2109.0, 2207.0, 0.0017, 0.0107, 0.0284, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2109.0, 2207.0, 0.0006, 0.0105, 0.0286, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2109.0, 1769.0, 0.003999, 0.030444, 0.089226, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2109.0, 1769.0, 0.003999, 0.030444, 0.089226, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2109.0, 2005.0, 0.0016, 0.0048, 0.1224, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2109.0, 2204.0, 0.001983, 0.011962, 0.03345, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2109.0, 2108.0, 0.0017, 0.0091, 0.0272, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2109.0, 2108.0, 0.002178, 0.011857, 0.128572, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2107.0, 1948.0, 0.01167, 0.052547, 0.12149, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2107.0, 1953.0, 0.0086, 0.0528, 0.15631, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2106.0, 1948.0, 0.004412, 0.025837, 0.072956, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2106.0, 1921.0, 0.0041, 0.0339, 0.104598, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2106.0, 2105.0, 0.005559, 0.034409, 0.034118, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2106.0, 2105.0, 0.006452, 0.030781, 0.04556, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2202.0, 1939.0, 0.001728, 0.014502, 0.11525, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2202.0, 1939.0, 0.001774, 0.014573, 0.113328, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2202.0, 2200.0, 0.000613, 0.004558, 0.02771, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2202.0, 2200.0, 0.000609, 0.004555, 0.027656, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2202.0, 1943.0, 0.000486, 0.004698, 0.007696, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2202.0, 1943.0, 0.000486, 0.004698, 0.007696, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2202.0, 1874.0, 1e-06, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2202.0, 2223.0, 0.00323, 0.013, 0.04, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2202.0, 2223.0, 0.00323, 0.013, 0.04, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2202.0, 2199.0, 0.00423, 0.0233, 0.06904, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2202.0, 2199.0, 0.002383, 0.018144, 0.053178, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2202.0, 2201.0, 0.000809, 0.006324, 0.084454, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2202.0, 2201.0, 0.0008, 0.0063, 0.01612, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1976.0, 1875.0, 1e-06, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1976.0, 1974.0, 1e-05, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1976.0, 1897.0, 0.001027, 0.013427, 1.31672, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1976.0, 1897.0, 0.001027, 0.013427, 1.31672, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1976.0, 1926.0, 0.00054, 0.007314, 0.736074, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1974.0, 1973.0, 0.001798, 0.017107, 0.320912, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1984.0, 2153.0, 0.0013, 0.0098, 0.0296, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1984.0, 2153.0, 0.0013, 0.0098, 0.0298, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2104.0, 2119.0, 0.0099, 0.035083, 0.048204, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2012.0, 2011.0, 0.043836, 0.178923, 0.032564, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2102.0, 1930.0, 0.00553, 0.029104, 0.081816, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2102.0, 1930.0, 0.003466, 0.018151, 0.05141, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2102.0, 2101.0, 0.0019, 0.012, 0.0332, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2102.0, 2100.0, 0.0098, 0.0256, 0.0, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2146.0, 2149.0, 0.0, 1e-06, 2e-06, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2146.0, 2075.0, 0.004, 0.0362, 0.0958, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2146.0, 2098.0, 0.0042, 0.0213, 0.0612, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2146.0, 2098.0, 0.00376, 0.021467, 0.060712, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2146.0, 1931.0, 0.005604, 0.031448, 0.087188, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2149.0, 2099.0, 0.0023, 0.0112, 0.03, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2149.0, 2099.0, 0.0026, 0.013, 0.03, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2149.0, 1915.0, 0.001405, 0.006673, 0.0208, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2149.0, 1915.0, 0.001368, 0.00666, 0.020638, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2103.0, 1806.0, 0.009481, 0.05461, 0.09703, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2103.0, 1942.0, 0.00216, 0.01062, 0.0171, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2103.0, 1942.0, 0.00216, 0.01062, 0.0171, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2103.0, 1915.0, 0.002927, 0.011569, 0.03306, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2103.0, 1915.0, 0.002199, 0.011585, 0.0324, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1936.0, 2069.0, 0.001533, 0.01167, 0.03418, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1936.0, 2069.0, 0.001405, 0.01136, 0.03412, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1938.0, 2217.0, 0.000413, 0.002459, 0.0076, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [52.0, 2098.0, 0.003648, 0.013602, 0.02284, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1948.0, 1838.0, 0.004812, 0.029932, 0.088632, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1948.0, 1838.0, 0.004831, 0.030014, 0.0893, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1948.0, 2105.0, 0.004686, 0.03165, 0.96246, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1948.0, 2105.0, 0.004761, 0.03174, 0.945046, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2097.0, 2182.0, 0.0012, 0.0056, 0.0108, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1959.0, 1876.0, 1e-06, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2164.0, 2179.0, 0.0053, 0.0326, 0.0446, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2134.0, 2096.0, 0.0064, 0.061, 0.0914, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1949.0, 1795.0, 0.001026, 0.009918, 0.016246, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1949.0, 1795.0, 0.001026, 0.009918, 0.016246, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1949.0, 2211.0, 0.00437, 0.0184, 0.0161, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1788.0, 2098.0, 0.008655, 0.03852, 0.0579, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2187.0, 1991.0, 0.00095, 0.00498, 0.008738, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2187.0, 1842.0, 0.001028, 0.005377, 0.008848, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2187.0, 1842.0, 0.001367, 0.007231, 0.011618, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2187.0, 1774.0, 0.000967, 0.008013, 0.027288, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2187.0, 1774.0, 0.000967, 0.008013, 0.027288, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1778.0, 1948.0, 0.001734, 0.013202, 0.038696, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1778.0, 1948.0, 0.001734, 0.013202, 0.038696, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1778.0, 2105.0, 0.00244, 0.018575, 0.05444, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1778.0, 2105.0, 0.00244, 0.018575, 0.05444, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2093.0, 2092.0, 0.0021, 0.009, 0.0162, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2093.0, 2092.0, 0.0021, 0.0092, 0.0164, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2122.0, 2091.0, 0.0018, 0.0107, 0.0316, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2122.0, 1.0, 0.0025, 0.01318, 0.01978, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2090.0, 2089.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2090.0, 2088.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2090.0, 1993.0, 0.001073, 0.006678, 0.020362, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2090.0, 1993.0, 0.001068, 0.006721, 0.020362, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2090.0, 2087.0, 0.0007, 0.004, 0.0106, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2090.0, 2087.0, 0.0007, 0.004, 0.0106, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2090.0, 2086.0, 0.0014, 0.0061, 0.0178, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2090.0, 2086.0, 0.0015, 0.0062, 0.0178, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2088.0, 2092.0, 0.000577, 0.004153, 0.012844, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2088.0, 2092.0, 0.000577, 0.004153, 0.013046, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2088.0, 2084.0, 0.0085, 0.0302, 0.0566, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2088.0, 2084.0, 0.0085, 0.0393, 0.0566, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2088.0, 2085.0, 0.0019, 0.0104, 0.0164, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2088.0, 2085.0, 0.0016, 0.008, 0.022, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2088.0, 1779.0, 0.001312, 0.009985, 0.029266, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2088.0, 1779.0, 0.001312, 0.009985, 0.029266, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2088.0, 1859.0, 0.002117, 0.014224, 0.044428, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2088.0, 1859.0, 0.014442, 0.014442, 0.04484, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2083.0, 2082.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2083.0, 2135.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2083.0, 2139.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2083.0, 1771.0, 0.000327, 0.00455, 0.448486, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2135.0, 1966.0, 0.000205, 0.002384, 0.23393, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2135.0, 1966.0, 0.000168, 0.00234, 0.237148, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2135.0, 2081.0, 0.0006, 0.0071, 0.697466, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2080.0, 2135.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2080.0, 2139.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2080.0, 2079.0, 0.0007, 0.0071, 0.6752, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1767.0, 1795.0, 0.0007, 0.003549, 0.011358, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1767.0, 1795.0, 0.0007, 0.003549, 0.011358, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [114.0, 109.0, 0.001236, 0.013293, 1.480528, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [114.0, 1786.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [113.0, 112.0, 0.001641, 0.01764, 1.964682, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [113.0, 1786.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1785.0, 2205.0, 0.001323, 0.013531, 0.041808, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1785.0, 2205.0, 0.001323, 0.013531, 0.041808, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1785.0, 2084.0, 9.8e-05, 0.001366, 0.134654, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1785.0, 2084.0, 9.8e-05, 0.001366, 0.134654, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1785.0, 119.0, 0.003842, 0.035772, 0.102888, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1785.0, 119.0, 0.003842, 0.035772, 0.102888, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1929.0, 1932.0, 0.00352, 0.01739, 0.027392, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2099.0, 2075.0, 0.0075, 0.0333, 0.0862, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2099.0, 1932.0, 0.000571, 0.003917, 0.011298, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2099.0, 1932.0, 0.000625, 0.004002, 0.011024, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2198.0, 2192.0, 0.005799, 0.044143, 0.129376, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2198.0, 2192.0, 0.005799, 0.044143, 0.129376, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2198.0, 2197.0, 0.000333, 0.001914, 0.010434, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2198.0, 2197.0, 0.000335, 0.001915, 0.010716, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2198.0, 2195.0, 0.000709, 0.004256, 0.014632, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2198.0, 2196.0, 0.001161, 0.006866, 0.02572, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1934.0, 1933.0, 0.006777, 0.036325, 0.099522, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1766.0, 2098.0, 0.004241, 0.030126, 0.085066, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1968.0, 1948.0, 0.007335, 0.040468, 0.132678, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1968.0, 1948.0, 0.007335, 0.040468, 0.132678, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2123.0, 1986.0, 0.0014, 0.008, 0.012, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2123.0, 2133.0, 0.0024, 0.0152, 0.0254, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2123.0, 2133.0, 0.0028, 0.0165, 0.0256, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2123.0, 2122.0, 0.0014, 0.008, 0.0134, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2123.0, 2122.0, 0.0007, 0.0052, 0.0224, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2123.0, 2021.0, 0.012484, 0.069281, 0.11486, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2132.0, 2131.0, 0.0015, 0.0066, 0.012, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2178.0, 2191.0, 0.006813, 0.043, 0.06108, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2178.0, 1818.0, 0.001267, 0.006536, 0.0117, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2178.0, 1818.0, 0.001185, 0.006504, 0.010946, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [12.0, 1679.0, 0.0, 1e-05, 0.0, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [12.0, 116.0, 0.0, 1e-05, 0.0, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [11.0, 18.0, 0.0, 1e-05, 0.0, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [11.0, 17.0, 0.0, 1e-05, 0.0, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [11.0, 16.0, 0.0, 1e-05, 0.0, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [11.0, 15.0, 0.0, 1e-05, 0.0, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1857.0, 51.0, 0.002531, 0.019174, 0.05495, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1857.0, 2156.0, 0.003173, 0.027163, 0.078504, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1982.0, 1911.0, 0.004746, 0.035379, 0.105292, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1918.0, 1917.0, 0.00248, 0.01851, 0.055088, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1918.0, 1917.0, 0.002438, 0.01845, 0.055446, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1918.0, 2202.0, 0.001864, 0.014205, 0.044768, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1918.0, 2202.0, 0.001869, 0.014081, 0.044908, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1914.0, 2107.0, 0.0036, 0.019, 0.051544, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1914.0, 2058.0, 0.0061, 0.0313, 0.0847, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1914.0, 1953.0, 0.0113, 0.0675, 0.199492, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [49.0, 2171.0, 0.001603, 0.012145, 0.034808, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [49.0, 2169.0, 0.001099, 0.008326, 0.023862, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2218.0, 2185.0, 0.001653, 0.010407, 0.0294, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1849.0, 1966.0, 0.000152, 0.001935, 0.20991, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1849.0, 1966.0, 0.000124, 0.001938, 0.209752, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1849.0, 1848.0, 0.0, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1849.0, 1847.0, 0.0, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1849.0, 1846.0, 0.0, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1849.0, 1845.0, 0.0, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2074.0, 2233.0, 0.0045, 0.0226, 0.0614, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2172.0, 2198.0, 0.003409, 0.020465, 0.11888, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2172.0, 1829.0, 0.000246, 0.001611, 0.03219, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2172.0, 1829.0, 0.000222, 0.001538, 0.032516, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2172.0, 1867.0, 0.0, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2172.0, 1865.0, 0.0, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2172.0, 1840.0, 0.002366, 0.01494, 0.043588, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2172.0, 2073.0, 0.001, 0.0068, 0.0192, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2172.0, 2073.0, 0.001, 0.0072, 0.0196, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2172.0, 2169.0, 0.0016, 0.008, 0.0176, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2172.0, 2169.0, 0.002, 0.0121, 0.0176, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1973.0, 1868.0, 0.0, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1973.0, 1866.0, 0.0, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1973.0, 1897.0, 0.0014, 0.0163, 1.604962, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1973.0, 1926.0, 0.000371, 0.004039, 0.2452, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1797.0, 2221.0, 0.002538, 0.018658, 0.057658, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1797.0, 1947.0, 0.000244, 0.001883, 0.006854, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1797.0, 1947.0, 0.000319, 0.001779, 0.007006, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1797.0, 1947.0, 0.000316, 0.001744, 0.006838, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1797.0, 2216.0, 0.0032, 0.01325, 0.0247, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1797.0, 2220.0, 0.000283, 0.001786, 0.007918, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1797.0, 2220.0, 0.000276, 0.001786, 0.00784, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1797.0, 1823.0, 0.006105, 0.032408, 0.092494, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1797.0, 1823.0, 0.006105, 0.032408, 0.092494, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1797.0, 2214.0, 0.00572, 0.02325, 0.0247, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1799.0, 1970.0, 0.000271, 0.002947, 0.303246, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1799.0, 1798.0, 1e-06, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1799.0, 1897.0, 0.000631, 0.009242, 0.194064, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1799.0, 1969.0, 9.4e-05, 0.000882, 0.09577, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1798.0, 1972.0, 0.00026, 0.00296, 0.303556, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1798.0, 1897.0, 0.000581, 0.009148, 0.197, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1798.0, 1969.0, 9.5e-05, 0.000894, 0.096712, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1776.0, 2066.0, 0.000748, 0.003551, 0.009954, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1776.0, 2066.0, 0.000748, 0.003551, 0.009954, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2013.0, 1806.0, 0.004027, 0.025987, 0.06444, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2013.0, 1819.0, 0.000878, 0.008242, 0.022352, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2013.0, 1819.0, 0.001401, 0.008357, 0.023872, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2069.0, 1930.0, 0.003186, 0.016051, 0.046862, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2069.0, 1930.0, 0.003638, 0.018825, 0.052778, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2069.0, 1942.0, 0.001495, 0.008215, 0.023988, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2069.0, 1932.0, 0.003694, 0.020963, 0.05775, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2095.0, 1991.0, 0.0038, 0.0265, 0.0452, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2095.0, 1774.0, 0.002207, 0.016799, 0.049234, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2095.0, 1774.0, 0.002207, 0.016799, 0.049234, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2206.0, 1954.0, 0.000436, 0.003126, 0.010554, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2206.0, 1954.0, 0.00048, 0.003156, 0.010722, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2206.0, 2205.0, 0.0035, 0.0208, 0.0568, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2154.0, 2232.0, 0.001636, 0.007686, 0.020984, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2154.0, 2232.0, 0.001636, 0.007686, 0.020984, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2154.0, 1824.0, 0.001747, 0.011028, 0.02, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2068.0, 2174.0, 0.0053, 0.0356, 0.1608, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1995.0, 2127.0, 0.002277, 0.013038, 0.02106, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1995.0, 2185.0, 0.009767, 0.035062, 0.048936, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1995.0, 2185.0, 0.005959, 0.032066, 0.049696, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1819.0, 2062.0, 0.003176, 0.015785, 0.043182, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1819.0, 1953.0, 0.004039, 0.022981, 0.066948, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1775.0, 1817.0, 0.00056, 0.004262, 0.012492, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1775.0, 1817.0, 0.00056, 0.004262, 0.012492, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2067.0, 2004.0, 0.0011, 0.0053, 0.0164, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2067.0, 2066.0, 0.0035, 0.01357, 0.0193, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2205.0, 2130.0, 0.005, 0.0289, 0.081, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2205.0, 2130.0, 0.003152, 0.02578, 0.0731, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1920.0, 2177.0, 0.002603, 0.021498, 0.07278, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1920.0, 2177.0, 0.002582, 0.021425, 0.0731, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1920.0, 1919.0, 0.001405, 0.011326, 0.219716, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1920.0, 1919.0, 0.00139, 0.011124, 0.22341, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1920.0, 2156.0, 0.005768, 0.043001, 0.127542, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1920.0, 2156.0, 0.005768, 0.043001, 0.127542, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1920.0, 2175.0, 0.002549, 0.017938, 0.059848, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1920.0, 2175.0, 0.002488, 0.01794, 0.059848, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1920.0, 2126.0, 0.002403, 0.02124, 0.071276, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1920.0, 2126.0, 0.002353, 0.021196, 0.072128, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1920.0, 1833.0, 0.003269, 0.018545, 0.027674, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1920.0, 1833.0, 0.003269, 0.018545, 0.027674, 400.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1920.0, 1833.0, 0.003269, 0.018545, 0.027674, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1920.0, 1832.0, 0.000607, 0.004514, 0.015152, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1920.0, 2.0, 0.000607, 0.004504, 0.015044, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1960.0, 1790.0, 0.000544, 0.007352, 0.76844, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1960.0, 1790.0, 0.000544, 0.007352, 0.76844, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1960.0, 1786.0, 0.000733, 0.009358, 1.015624, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1960.0, 1786.0, 0.000733, 0.009358, 1.015624, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1960.0, 123.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1960.0, 2079.0, 0.000508, 0.0044, 0.4396, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1960.0, 2081.0, 0.000464, 0.00536, 0.5338, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [123.0, 1959.0, 0.000968, 0.01148, 1.1461, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1978.0, 2183.0, 0.0019, 0.0102, 0.0276, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1978.0, 1888.0, 0.0035, 0.0221, 0.064074, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1978.0, 1888.0, 0.0036, 0.0222, 0.064304, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2121.0, 2071.0, 0.0028, 0.0171, 0.0458, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [37.0, 2149.0, 0.001399, 0.00713, 0.021124, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1791.0, 2187.0, 0.000547, 0.004293, 0.012496, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1791.0, 2187.0, 0.000564, 0.003571, 0.010164, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2087.0, 2203.0, 0.01588, 0.0793, 0.1166, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1840.0, 1782.0, 0.002004, 0.011367, 0.016964, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1888.0, 42.0, 0.001897, 0.010818, 0.029982, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2065.0, 2064.0, 0.0047, 0.0232, 0.0596, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2065.0, 1825.0, 0.010653, 0.057707, 0.104974, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2182.0, 1831.0, 0.006864, 0.041913, 0.08442, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2182.0, 2097.0, 0.001925, 0.009143, 0.02563, 400.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2182.0, 2120.0, 1e-06, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2182.0, 44.0, 0.007721, 0.036266, 0.099012, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2120.0, 1454.0, 0.0152, 0.069, 0.1232, 400.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2120.0, 2068.0, 0.0076, 0.0355, 0.1318, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2120.0, 2124.0, 0.0107, 0.0548, 0.1562, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2120.0, 2063.0, 0.0078, 0.0253, 0.08, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1958.0, 2230.0, 0.000968, 0.01148, 1.2124, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1765.0, 2212.0, 0.004241, 0.030126, 0.085066, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1765.0, 1909.0, 0.009008, 0.044028, 0.077024, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2062.0, 2102.0, 0.0019, 0.0088, 0.0194, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2062.0, 2102.0, 0.0016, 0.0072, 0.021, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2062.0, 2102.0, 0.001246, 0.007242, 0.0218, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2062.0, 1942.0, 0.0066, 0.03245, 0.0523, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2062.0, 2061.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2062.0, 2058.0, 0.0101, 0.0509, 0.141, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2062.0, 2060.0, 0.0013, 0.0092, 0.025, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2062.0, 2060.0, 0.00201, 0.01179, 0.0338, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2062.0, 2059.0, 0.0034, 0.01617, 0.044, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2062.0, 1953.0, 0.0025, 0.014, 0.036, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2062.0, 1953.0, 0.0025, 0.014, 0.036, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2057.0, 2003.0, 0.001561, 0.014418, 1.393376, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2057.0, 2141.0, 0.000512, 0.008616, 0.84623, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2057.0, 2010.0, 0.000932, 0.01154, 1.07545, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2057.0, 2009.0, 0.001, 0.0116, 1.0912, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2057.0, 2140.0, 0.0007, 0.008796, 0.873706, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2057.0, 2056.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2207.0, 2206.0, 0.00062, 0.00339, 0.00774, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2207.0, 2206.0, 0.00054, 0.00357, 0.00774, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2207.0, 2205.0, 0.003, 0.0161, 0.0416, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2207.0, 2054.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2207.0, 2052.0, 1e-05, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2207.0, 2018.0, 0.0, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2207.0, 1784.0, 0.00052, 0.00287, 0.00941, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2207.0, 1784.0, 0.00052, 0.00287, 0.00941, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2207.0, 2053.0, 0.0015, 0.0078, 0.022, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2052.0, 2051.0, 0.0013, 0.0078, 0.0226, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2079.0, 315.0, 0.0, 0.0001, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2079.0, 2050.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2079.0, 2019.0, 0.0, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2079.0, 2081.0, 1e-06, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2079.0, 2230.0, 0.000544, 0.007352, 0.76844, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2081.0, 307.0, 0.0, 0.0001, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2081.0, 2230.0, 0.00054, 0.00738, 0.766086, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2124.0, 2187.0, 0.00126, 0.007397, 0.019756, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2124.0, 1916.0, 0.000818, 0.0061, 0.001808, 400.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2124.0, 1916.0, 0.000818, 0.0061, 0.001808, 400.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2124.0, 6.0, 0.000717, 0.002597, 0.003648, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2124.0, 2121.0, 0.002019, 0.0095, 0.046, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2124.0, 2014.0, 1e-06, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2124.0, 2006.0, 0.0087, 0.0339, 0.2008, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2124.0, 1774.0, 0.001156, 0.006379, 0.020912, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2124.0, 1774.0, 0.001156, 0.006379, 0.020912, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2014.0, 2174.0, 0.0026, 0.0129, 0.0374, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2014.0, 2174.0, 0.0023, 0.0129, 0.0374, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2014.0, 2121.0, 0.002312, 0.016324, 0.04676, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2014.0, 2063.0, 0.0081, 0.0314, 0.0662, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2230.0, 1773.0, 0.000279, 0.003874, 0.381812, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2230.0, 1773.0, 0.000279, 0.003874, 0.381812, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2230.0, 2229.0, 0.000612, 0.007548, 0.76969, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2230.0, 2229.0, 0.000684, 0.007548, 0.761836, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2230.0, 2024.0, 0.000436, 0.006384, 0.62015, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2230.0, 2024.0, 0.00044, 0.00638, 0.6202, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2230.0, 2024.0, 0.00044, 0.00638, 0.6202, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2071.0, 2070.0, 0.0004, 0.0025, 0.0666, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2071.0, 2070.0, 0.0003, 0.0013, 0.0666, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2071.0, 2108.0, 0.0025, 0.0133, 0.0396, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1769.0, 1844.0, 0.003178, 0.024071, 0.068986, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1769.0, 1844.0, 0.003178, 0.024071, 0.068986, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1773.0, 2024.0, 0.000296, 0.004117, 0.40581, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1773.0, 2024.0, 0.000296, 0.004117, 0.40581, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1843.0, 1954.0, 0.000196, 0.001444, 0.005702, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1843.0, 1954.0, 0.00017, 0.001475, 0.00593, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1990.0, 1781.0, 0.002351, 0.017893, 0.052442, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1990.0, 1781.0, 0.002515, 0.019148, 0.05612, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1990.0, 1791.0, 0.001184, 0.005796, 0.016876, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1990.0, 1791.0, 0.000773, 0.005178, 0.014792, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1990.0, 2091.0, 0.002873, 0.014873, 0.026988, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1990.0, 2091.0, 0.001843, 0.012695, 0.028906, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2092.0, 1949.0, 0.000576, 0.005568, 0.00912, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2075.0, 1776.0, 0.003123, 0.014847, 0.041616, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2075.0, 1776.0, 0.003123, 0.014847, 0.041616, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2075.0, 2066.0, 0.003, 0.0162, 0.0458, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2075.0, 2066.0, 0.003, 0.0162, 0.0458, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1909.0, 1831.0, 0.000425, 0.002347, 0.007694, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1909.0, 1831.0, 0.000425, 0.002347, 0.007694, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2004.0, 2000.0, 0.0043, 0.0189, 0.0516, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [50.0, 1894.0, 0.007438, 0.037376, 0.062508, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [50.0, 1894.0, 0.007438, 0.037376, 0.062508, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2180.0, 2166.0, 0.011111, 0.065754, 0.098978, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2180.0, 2134.0, 0.0056, 0.0304, 0.0504, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2131.0, 2000.0, 0.0109, 0.0472, 0.1306, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2131.0, 2064.0, 0.00604, 0.037441, 0.111652, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2131.0, 2064.0, 0.006511, 0.037267, 0.111562, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2131.0, 2065.0, 0.015, 0.0413, 0.0936, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2048.0, 2047.0, 0.0049, 0.021, 0.034, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2048.0, 2214.0, 0.0132, 0.0474, 0.074, 400.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1913.0, 2153.0, 0.0017, 0.0122, 0.03806, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1913.0, 2153.0, 0.0017, 0.0123, 0.038104, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1913.0, 2132.0, 0.0015, 0.0104, 0.03276, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1913.0, 2132.0, 0.0014, 0.0105, 0.03257, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1850.0, 2204.0, 0.0007, 0.003549, 0.011358, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1850.0, 2204.0, 0.00068, 0.003595, 0.011282, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1935.0, 1934.0, 0.00093, 0.005165, 0.014484, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2046.0, 2010.0, 0.00011, 0.0016, 0.157, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2046.0, 2010.0, 0.000112, 0.001608, 0.1727, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2046.0, 2045.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2045.0, 2010.0, 0.00011, 0.0016, 0.157, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2044.0, 2045.0, 0.0, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2058.0, 1933.0, 0.001967, 0.011025, 0.032296, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2058.0, 1934.0, 0.00524, 0.028022, 0.078426, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2084.0, 1779.0, 0.003284, 0.025003, 0.07328, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2084.0, 1779.0, 0.003284, 0.025003, 0.07328, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2195.0, 2196.0, 0.0006, 0.0034, 0.016282, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1764.0, 1831.0, 4.9e-05, 0.000287, 0.001824, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [56.0, 2153.0, 0.003648, 0.013602, 0.02284, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2042.0, 2041.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2040.0, 2041.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2039.0, 2038.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2037.0, 2038.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2006.0, 1769.0, 0.005199, 0.039577, 0.115992, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2028.0, 1907.0, 0.001632, 0.014674, 0.046224, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2028.0, 1955.0, 1e-06, 1e-05, 0.0, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2028.0, 2228.0, 0.0022, 0.016793, 0.049218, 400.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1805.0, 2064.0, 0.004105, 0.025004, 0.073654, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1989.0, 2075.0, 0.002775, 0.01195, 0.031086, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1989.0, 2075.0, 0.002042, 0.009724, 0.0056, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2036.0, 1777.0, 0.001686, 0.01625, 0.028548, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2036.0, 1776.0, 0.002319, 0.017657, 0.05175, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2036.0, 1776.0, 0.002319, 0.017657, 0.05175, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2158.0, 2159.0, 0.003785, 0.035893, 0.102126, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2158.0, 1832.0, 0.003733, 0.026363, 0.08693, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2158.0, 2.0, 0.003679, 0.026454, 0.08693, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2063.0, 2068.0, 0.0013, 0.0076, 0.1, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2085.0, 1949.0, 0.001026, 0.009918, 0.016246, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2060.0, 2101.0, 0.001194, 0.006769, 0.02107, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2060.0, 2101.0, 0.00123, 0.00755, 0.0216, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1828.0, 1827.0, 0.002291, 0.013129, 0.037544, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1894.0, 1951.0, 0.000967, 0.005386, 0.015858, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1894.0, 1951.0, 0.00083, 0.005543, 0.015894, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1894.0, 1800.0, 0.0032, 0.0256, 0.050238, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1894.0, 1800.0, 0.0032, 0.0256, 0.050238, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1894.0, 1952.0, 0.0053, 0.0287, 0.043366, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1894.0, 1888.0, 0.0046, 0.0265, 0.07574, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1894.0, 1888.0, 0.0049, 0.0281, 0.076512, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1894.0, 1893.0, 1e-06, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1894.0, 1891.0, 1e-06, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1894.0, 2047.0, 0.003, 0.0182, 0.052822, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1894.0, 2047.0, 0.003, 0.0183, 0.052868, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1894.0, 1827.0, 0.000858, 0.005166, 0.015054, 10.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1894.0, 1827.0, 0.000914, 0.005525, 0.01506, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1897.0, 1895.0, 1e-06, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1897.0, 1892.0, 1e-06, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [120.0, 1897.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2047.0, 1917.0, 0.006735, 0.04502, 0.1218, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2047.0, 1978.0, 0.005, 0.0273, 0.0742, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2047.0, 2048.0, 0.011661, 0.047648, 0.068356, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2047.0, 2163.0, 0.0157, 0.0776, 0.1892, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1762.0, 1921.0, 0.004241, 0.030126, 0.085066, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2225.0, 1912.0, 0.0035, 0.0199, 0.055758, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2225.0, 2167.0, 0.0014, 0.0093, 0.02272, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2225.0, 2167.0, 0.0026, 0.0129, 0.0206, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2225.0, 2224.0, 0.0008, 0.00608, 0.018, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2225.0, 2224.0, 0.0007, 0.0061, 0.01778, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2225.0, 1982.0, 0.004371, 0.036771, 0.102082, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2225.0, 1911.0, 0.000587, 0.005466, 0.015722, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2225.0, 1911.0, 0.001272, 0.011845, 0.034066, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2225.0, 1995.0, 0.0032, 0.0166, 0.0476, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2225.0, 2035.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2225.0, 1980.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2225.0, 1983.0, 0.005, 0.0147, 0.0374, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2034.0, 1966.0, 0.000356, 0.005065, 0.51967, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2034.0, 2003.0, 0.00121, 0.01355, 1.2482, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2034.0, 1772.0, 0.000317, 0.00405, 0.439468, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2034.0, 1772.0, 0.000309, 0.004298, 0.42362, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2034.0, 2033.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2034.0, 1981.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2034.0, 2032.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2034.0, 1771.0, 0.000759, 0.010812, 1.0325, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [121.0, 2034.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1801.0, 2131.0, 0.0037, 0.0294, 0.085666, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2220.0, 2170.0, 0.000467, 0.004897, 0.015144, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2220.0, 2170.0, 0.000467, 0.0049, 0.015136, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2030.0, 1940.0, 0.000667, 0.003612, 0.055194, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2204.0, 1844.0, 0.001053, 0.007978, 0.022864, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2204.0, 1844.0, 0.001053, 0.007978, 0.022864, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2204.0, 2206.0, 0.0023, 0.0127, 0.033, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2233.0, 1992.0, 0.0055, 0.0269, 0.044, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2233.0, 1871.0, 0.0055, 0.0269, 0.044, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2233.0, 2190.0, 0.0017, 0.0128, 0.0398, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2233.0, 2228.0, 0.001919, 0.010339, 0.029802, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2233.0, 2228.0, 0.003985, 0.013988, 0.035304, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2223.0, 2169.0, 1e-06, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2223.0, 2222.0, 0.003, 0.0199, 0.0546, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2223.0, 2222.0, 0.002477, 0.015386, 0.086506, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1946.0, 2124.0, 0.002181, 0.012442, 0.034482, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1946.0, 1769.0, 0.004399, 0.033488, 0.098148, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2213.0, 2212.0, 0.00872, 0.0415, 0.0603, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1823.0, 1822.0, 0.001557, 0.008831, 0.013178, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1823.0, 1822.0, 0.001557, 0.008831, 0.013178, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1992.0, 47.0, 0.008124, 0.030296, 0.05087, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1992.0, 1871.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [38.0, 1921.0, 0.005421, 0.030248, 0.044896, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1832.0, 2.0, 0.0, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2199.0, 2163.0, 0.012972, 0.060245, 0.0882, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2029.0, 1825.0, 0.002794, 0.015736, 0.030542, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2029.0, 1825.0, 0.002779, 0.016037, 0.030802, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2029.0, 2004.0, 0.0061, 0.0282, 0.0736, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2029.0, 119.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2161.0, 2165.0, 0.002758, 0.017246, 0.05042, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2161.0, 2165.0, 0.00281, 0.017192, 0.050784, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2190.0, 1955.0, 0.0015, 0.005, 0.008, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2059.0, 1933.0, 0.007141, 0.03759, 0.110426, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2059.0, 2060.0, 0.001137, 0.007726, 0.021632, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2066.0, 1777.0, 0.008535, 0.047552, 0.135966, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2066.0, 2036.0, 0.0277, 0.0546, 0.1086, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2066.0, 1817.0, 0.001193, 0.008897, 0.028558, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2066.0, 1817.0, 0.001271, 0.008926, 0.028726, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2214.0, 1822.0, 0.001297, 0.008265, 0.028008, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2214.0, 2048.0, 0.004664, 0.019059, 0.027342, 400.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2228.0, 2188.0, 0.0032, 0.0124, 0.033, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2228.0, 47.0, 0.002432, 0.009068, 0.015226, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2228.0, 1907.0, 0.000749, 0.006419, 0.019036, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2228.0, 1907.0, 0.000404, 0.006082, 0.019234, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2228.0, 48.0, 0.002281, 0.010715, 0.029254, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2228.0, 48.0, 0.002281, 0.010715, 0.029254, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2228.0, 2028.0, 0.003431, 0.018104, 0.05278, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2228.0, 2028.0, 0.002438, 0.018489, 0.053282, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2228.0, 2025.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2024.0, 1790.0, 0.000393, 0.006763, 0.725106, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2024.0, 2139.0, 0.0012, 0.0095, 0.8706, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2024.0, 2034.0, 0.0009, 0.0131, 1.2058, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2024.0, 2023.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2024.0, 1771.0, 0.00041, 0.005233, 0.567852, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2024.0, 1771.0, 0.000362, 0.005035, 0.496268, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1816.0, 2003.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1816.0, 1899.0, 0.00067, 0.01333, 1.33542, 400.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1815.0, 2003.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1815.0, 1899.0, 0.00067, 0.01333, 1.33542, 400.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1923.0, 1807.0, 0.004043, 0.031502, 0.092992, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1923.0, 1837.0, 0.00419, 0.032116, 0.097538, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1923.0, 1837.0, 0.003923, 0.032344, 0.097258, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1923.0, 2106.0, 0.005601, 0.039221, 0.120638, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1923.0, 2106.0, 0.00442, 0.04115, 0.118408, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1923.0, 1921.0, 0.008033, 0.074789, 0.215092, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1923.0, 1968.0, 8.3e-05, 0.001479, 0.004712, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1923.0, 1968.0, 6.2e-05, 0.001495, 0.004682, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1923.0, 2178.0, 0.001489, 0.009279, 0.019006, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1923.0, 2178.0, 0.0019, 0.008904, 0.019006, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1923.0, 1818.0, 0.000639, 0.003844, 0.011098, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1923.0, 1818.0, 0.000629, 0.00385, 0.011346, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1899.0, 2136.0, 0.000834, 0.010243, 0.944442, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1899.0, 2144.0, 0.000915, 0.009985, 0.950792, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1899.0, 500.0, 0.00067, 0.01333, 1.33542, 400.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1899.0, 499.0, 0.00067, 0.01333, 1.33542, 400.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1836.0, 1968.0, 0.001023, 0.007793, 0.02284, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1836.0, 1968.0, 0.001023, 0.007793, 0.02284, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1835.0, 1899.0, 3.5e-05, 0.000554, 0.01563, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1768.0, 2160.0, 0.000808, 0.00615, 0.018024, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1768.0, 2160.0, 0.000808, 0.00615, 0.018024, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1768.0, 1795.0, 0.002839, 0.021615, 0.06335, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1768.0, 1795.0, 0.002839, 0.021615, 0.06335, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1768.0, 2210.0, 0.001992, 0.015161, 0.044434, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1768.0, 2210.0, 0.002895, 0.022041, 0.0646, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1768.0, 1844.0, 0.002519, 0.019179, 0.056212, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1768.0, 1994.0, 0.002367, 0.013057, 0.042808, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1768.0, 1994.0, 0.001992, 0.015161, 0.044434, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1768.0, 1910.0, 0.001432, 0.010899, 0.031942, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1768.0, 1910.0, 0.001432, 0.010899, 0.031942, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2196.0, 2008.0, 0.002104, 0.008588, 0.01563, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2196.0, 2016.0, 0.002104, 0.008588, 0.01563, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2196.0, 1852.0, 1e-06, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1926.0, 1853.0, 1e-06, 1e-06, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1830.0, 2159.0, 0.005669, 0.029498, 0.084286, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1830.0, 1831.0, 0.005312, 0.030531, 0.088372, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1830.0, 1831.0, 0.005391, 0.030252, 0.088402, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1830.0, 2097.0, 0.003948, 0.020204, 0.05813, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1983.0, 1950.0, 0.0012, 0.0116, 0.019, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2086.0, 2030.0, 0.00086, 0.004229, 0.012674, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2185.0, 2217.0, 0.0024, 0.0101, 0.0152, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2027.0, 1947.0, 0.000579, 0.003409, 0.008058, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2027.0, 1947.0, 0.000579, 0.00341, 0.00806, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2027.0, 1822.0, 0.003665, 0.023351, 0.069198, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1860.0, 1956.0, 0.000192, 0.001612, 0.007754, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1860.0, 1956.0, 0.00019, 0.001612, 0.008058, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [39.0, 2146.0, 0.005056, 0.02051, 0.02918, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1994.0, 2160.0, 0.003787, 0.015066, 0.02744, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1994.0, 1844.0, 0.006343, 0.034897, 0.072984, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1994.0, 2088.0, 0.003409, 0.018265, 0.06, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1994.0, 2088.0, 0.00339, 0.018097, 0.06, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1774.0, 2125.0, 0.000519, 0.002865, 0.009394, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1774.0, 2125.0, 0.000519, 0.002865, 0.009394, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2053.0, 2051.0, 1e-05, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1900.0, 2196.0, 0.00048, 0.0046, 0.0076, 400.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2091.0, 1781.0, 0.000508, 0.003865, 0.011328, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2091.0, 1787.0, 0.000211, 0.000705, 0.03415, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2091.0, 1.0, 0.0, 1e-06, 2e-06, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1.0, 1781.0, 0.00044, 0.003349, 0.009814, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1.0, 1787.0, 0.000216, 0.000738, 0.035304, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1803.0, 2153.0, 0.004651, 0.032568, 0.093178, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1905.0, 2129.0, 0.004099, 0.034324, 0.09695, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1904.0, 2129.0, 0.004105, 0.025004, 0.073654, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2108.0, 2124.0, 0.004633, 0.02824, 0.08162, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2108.0, 1769.0, 0.003559, 0.027095, 0.07941, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2108.0, 1769.0, 0.003559, 0.027095, 0.07941, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2108.0, 1945.0, 0.00096, 0.00928, 0.0152, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1941.0, 1829.0, 0.001096, 0.005395, 0.043434, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2021.0, 2020.0, 0.00781, 0.0352, 0.0262, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2021.0, 2091.0, 0.014, 0.0727, 0.110892, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2163.0, 1783.0, 0.004747, 0.036136, 0.10591, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2163.0, 2026.0, 0.0123, 0.0679, 0.104, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1902.0, 1903.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1859.0, 2204.0, 0.0049, 0.0288, 0.08016, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [2222.0, 1917.0, 0.002438, 0.01471, 0.04222, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1950.0, 2215.0, 0.00095, 0.005619, 0.018094, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1950.0, 2215.0, 0.001591, 0.007644, 0.012924, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1950.0, 2218.0, 0.003325, 0.02037, 0.03325, 100.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [316.0, 315.0, 0.001572, 0.02166, 3.44616, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [310.0, 307.0, 0.001592, 0.021628, 3.43046, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1922.0, 1921.0, 0.0055, 0.0332, 0.048824, 100.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [482.0, 1789.0, 0.001904, 0.030428, 2.94106, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [484.0, 483.0, 0.001926, 0.030303, 2.93952, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [508.0, 1899.0, 0.001544, 0.016148, 1.54645, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [508.0, 1899.0, 0.00134, 0.014248, 1.32665, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [508.0, 482.0, 0.0, 0.0001, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [508.0, 484.0, 0.0, 0.0001, 0.0, 400.0, 0.0,0.0,0.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [500.0, 508.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [499.0, 508.0, 0.0, 1e-05, 0.0, 400.0, 0.0,0.0,0.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1685.0, 1869.0, 0.00131, 0.072778, 0.0027, 180.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [1706.0, 1985.0, 0.0003, 0.019557, 0.0, 360.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [1642.0, 1763.0, 0.002379, 0.1292, 0.0029, 100.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [1747.0, 2181.0, 0.0047, 0.1573, 0.0, 400.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1746.0, 2181.0, 0.0047, 0.156, 0.0, 400.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [31.0, 57.0, 0.0047, 0.1573, 0.0, 400.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [30.0, 57.0, 0.0047, 0.1573, 0.0, 400.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [23.0, 40.0, 0.002828, 0.1393, 0.0011, 100.0, 0.0,0.0,0.940909, 0.0,1.0,-30.0, 30.0, 0.1 ], [4.0, 3.0, 0.002083, 0.116667, 0.00156, 120.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [1666.0, 1810.0, 0.000508, 0.037, 0.004284, 420.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1665.0, 1810.0, 0.000507, 0.036952, 0.003864, 420.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1745.0, 2171.0, 0.000585, 0.034067, 0.006103, 436.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1744.0, 2171.0, 0.000585, 0.034067, 0.061027, 436.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1743.0, 2171.0, 0.000526, 0.030275, 0.00981, 418.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1742.0, 2171.0, 0.000526, 0.030275, 0.00981, 418.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1664.0, 1809.0, 0.0012, 0.074111, 0.0018, 180.0, 0.0,0.0,1.097727, 0.0,0.0,-30.0, 30.0, 0.1 ], [26.0, 53.0, 0.00297, 0.137, 0.0027, 100.0, 0.0,0.0,1.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [28.0, 55.0, 0.00297, 0.137, 0.0027, 100.0, 0.0,0.0,1.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [19.0, 36.0, 0.00297, 0.137, 0.0027, 100.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1741.0, 2162.0, 0.0006, 0.0345, 0.0, 418.0, 0.0,0.0,1.04545, 0.0,1.0,-30.0, 30.0, 0.1 ], [1740.0, 2162.0, 0.0006, 0.0343, 0.0, 418.0, 0.0,0.0,1.04545, 0.0,1.0,-30.0, 30.0, 0.1 ], [1670.0, 1841.0, 0.000544, 0.037838, 0.0148, 400.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1669.0, 1841.0, 0.000544, 0.037838, 0.0148, 370.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1687.0, 1906.0, 0.000791, 0.048433, 0.0033, 370.0, 0.0,0.0,1.04545, 0.0,1.0,-30.0, 30.0, 0.1 ], [1686.0, 1906.0, 0.000791, 0.048433, 0.0033, 370.0, 0.0,0.0,1.04545, 0.0,1.0,-30.0, 30.0, 0.1 ], [1729.0, 1986.0, 0.000659, 0.043486, 0.00189, 430.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1728.0, 2122.0, 0.000659, 0.043486, 0.00189, 430.0, 0.0,0.0,1.0725, 0.0,1.0,-30.0, 30.0, 0.1 ], [1696.0, 1937.0, 0.000802, 0.048833, 0.0051, 370.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1695.0, 1792.0, 0.000802, 0.048833, 0.0051, 370.0, 0.0,0.0,1.0725, 0.0,1.0,-30.0, 30.0, 0.1 ], [1690.0, 1901.0, 0.002669, 0.136, 0.0009, 100.0, 0.0,0.0,1.00625, 0.0,1.0,-30.0, 30.0, 0.1 ], [1659.0, 1802.0, 0.002379, 0.1292, 0.0029, 100.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [1739.0, 2152.0, 0.0041, 0.0942, 0.0, 400.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1738.0, 2152.0, 0.001394, 0.0686, 0.005, 240.0, 0.0,0.0,1.0725, 0.0,1.0,-30.0, 30.0, 0.1 ], [1737.0, 2152.0, 0.002018, 0.0757, 0.00184, 240.0, 0.0,0.0,1.0725, 0.0,1.0,-30.0, 30.0, 0.1 ], [1707.0, 2152.0, 0.000659, 0.066286, 0.00819, 430.0, 0.0,0.0,1.0725, 0.0,1.0,-30.0, 30.0, 0.1 ], [1752.0, 2152.0, 0.000659, 0.041543, 0.00945, 430.0, 0.0,0.0,1.0725, 0.0,1.0,-30.0, 30.0, 0.1 ], [13.0, 1820.0, 0.003265, 0.139, 0.00076, 120.0, 0.0,0.0,0.940909, 0.0,1.0,-30.0, 30.0, 0.1 ], [1703.0, 1984.0, 0.001884, 0.093333, 4.5e-05, 180.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1702.0, 1984.0, 0.001871, 0.093333, 4.5e-05, 180.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1704.0, 1984.0, 0.001876, 0.093333, 4.5e-05, 180.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1705.0, 1984.0, 0.001867, 0.093333, 4.5e-05, 180.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [34.0, 59.0, 0.0064, 0.1807, 0.0, 75.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [33.0, 58.0, 0.0064, 0.1807, 0.0, 75.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1678.0, 1854.0, 0.000769, 0.050067, 0.00276, 370.0, 0.0,0.0,1.04545, 0.0,1.0,-30.0, 30.0, 0.1 ], [1677.0, 1854.0, 0.000762, 0.0499, 0.00276, 370.0, 0.0,0.0,1.04545, 0.0,1.0,-30.0, 30.0, 0.1 ], [1655.0, 1826.0, 0.000959, 0.192917, 0.00084, 120.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [27.0, 54.0, 0.00297, 0.137, 0.0027, 100.0, 0.0,0.0,1.0, 0.0,0.0,-30.0, 30.0, 0.1 ], [1657.0, 1793.0, 0.00298, 0.1364, 0.0013, 120.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [1650.0, 1834.0, 7e-06, 0.00569, 0.01386, 1260.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1648.0, 1834.0, 7e-06, 0.00569, 0.01386, 1260.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [35.0, 1834.0, 7e-06, 0.00569, 0.01386, 1260.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1682.0, 1858.0, 0.000527, 0.04415, 0.0034, 400.0, 0.0,0.0,1.0725, 0.0,1.0,-30.0, 30.0, 0.1 ], [1681.0, 1858.0, 0.000527, 0.04415, 0.0034, 400.0, 0.0,0.0,1.0725, 0.0,1.0,-30.0, 30.0, 0.1 ], [2115.0, 2118.0, 0.0029, 0.0762, 0.0, 300.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [2111.0, 2117.0, 0.0045, 0.1801, 0.0, 90.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [2104.0, 2012.0, 0.005505, 0.199524, 0.001512, 63.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1736.0, 2104.0, 0.006292, 0.268, 0.00075, 50.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1735.0, 2104.0, 0.006204, 0.268, 0.00075, 50.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1734.0, 2149.0, 0.002101, 0.056458, 0.014304, 240.0, 0.0,0.0,1.1, 0.0,0.0,-30.0, 30.0, 0.1 ], [1733.0, 2149.0, 0.001332, 0.059167, 0.008592, 240.0, 0.0,0.0,1.1, 0.0,0.0,-30.0, 30.0, 0.1 ], [1732.0, 2149.0, 0.001465, 0.057917, 0.009744, 240.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1694.0, 1936.0, 0.000531, 0.036378, 0.00407, 370.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1693.0, 1936.0, 0.000531, 0.036378, 0.00407, 370.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [25.0, 52.0, 0.00297, 0.137, 0.0027, 100.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1701.0, 1959.0, 0.000326, 0.0237, 0.0072, 720.0, 0.0,0.0,1.0725, 0.0,1.0,-30.0, 30.0, 0.1 ], [1700.0, 1959.0, 0.000326, 0.0237, 0.0072, 720.0, 0.0,0.0,1.0725, 0.0,1.0,-30.0, 30.0, 0.1 ], [1652.0, 1788.0, 0.003869, 0.14, 0.002, 100.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [1645.0, 1767.0, 0.0115, 0.2541, 0.0, 400.0, 0.0,0.0,1.025, 0.0,1.0,-30.0, 30.0, 0.1 ], [24.0, 1767.0, 0.0115, 0.2541, 0.0, 400.0, 0.0,0.0,1.025, 0.0,1.0,-30.0, 30.0, 0.1 ], [1656.0, 1929.0, 0.002209, 0.100333, 2.4e-05, 120.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [14.0, 1929.0, 0.002431, 0.116667, 6e-05, 120.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1644.0, 1766.0, 0.002379, 0.1292, 0.0029, 100.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [12.0, 1857.0, 0.000929, 0.054167, 0.00648, 240.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [11.0, 1857.0, 0.000948, 0.054167, 0.00648, 240.0, 0.0,0.0,1.09773, 0.0,1.0,-30.0, 30.0, 0.1 ], [11.0, 1857.0, 0.003124, 0.133, 0.0022, 100.0, 0.0,0.0,1.04546, 0.0,0.0,-30.0, 30.0, 0.1 ], [1691.0, 2013.0, 0.004251, 0.1313, 0.0015, 180.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1662.0, 2013.0, 0.001786, 0.099067, 0.003675, 180.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1731.0, 2095.0, 0.001658, 0.068, 0.0046, 240.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1730.0, 2095.0, 0.001598, 0.0681, 0.004, 240.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1649.0, 1775.0, 0.000575, 0.044846, 0.003081, 390.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [32.0, 1775.0, 0.000575, 0.044846, 0.003081, 390.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1651.0, 1814.0, 0.0006, 0.0441, 0.0, 400.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1653.0, 1814.0, 0.0006, 0.0441, 0.0, 400.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1654.0, 1814.0, 0.0006, 0.0441, 0.0, 400.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1674.0, 1814.0, 0.0006, 0.0441, 0.0, 400.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [20.0, 37.0, 0.002851, 0.13, 0.00066, 100.0, 0.0,0.0,1.05852, 0.0,1.0,-30.0, 30.0, 0.1 ], [1668.0, 2182.0, 0.0029, 0.0694, 0.0107, 720.0, 0.0,0.0,1.04545, 0.0,1.0,-30.0, 30.0, 0.1 ], [1727.0, 2120.0, 0.000367, 0.023333, 0.0321, 260.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1726.0, 2120.0, 0.000367, 0.023333, 0.0321, 260.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1697.0, 1958.0, 0.000117, 0.023367, 0.01176, 720.0, 0.0,0.0,1.04545, 0.0,1.0,-30.0, 30.0, 0.1 ], [1643.0, 1765.0, 0.002379, 0.1292, 0.0029, 100.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [1725.0, 2071.0, 0.0013, 0.0643, 0.0, 240.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1724.0, 2071.0, 0.0013, 0.0643, 0.0, 240.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1710.0, 2071.0, 0.0013, 0.0643, 0.0, 240.0, 0.0,0.0,1.06818, 0.0,1.0,-30.0, 30.0, 0.1 ], [1672.0, 1843.0, 0.000575, 0.044846, 0.003081, 390.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1671.0, 1843.0, 0.000575, 0.044846, 0.003081, 390.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1723.0, 2011.0, 0.005759, 0.207937, 0.001512, 32.0, 0.0,0.0,1.0375, 0.0,1.0,-30.0, 30.0, 0.1 ], [1722.0, 2180.0, 0.004, 0.119, 0.0, 400.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1721.0, 2180.0, 0.004, 0.119, 0.0, 400.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1720.0, 2180.0, 0.004, 0.119, 0.0, 400.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1719.0, 2180.0, 0.0054, 0.116, 0.0, 400.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1676.0, 1850.0, 0.000178, 0.053846, 0.0, 260.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1675.0, 1850.0, 0.000178, 0.053846, 0.0, 260.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1718.0, 2045.0, 0.000218, 0.01863, 0.0, 120.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1717.0, 2046.0, 0.000218, 0.01827, 0.0, 400.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1692.0, 2045.0, 0.000175, 0.015526, 0.013338, 400.0, 0.0,0.0,1.0725, 0.0,1.0,-30.0, 30.0, 0.1 ], [1663.0, 2045.0, 0.000175, 0.015526, 0.013338, 400.0, 0.0,0.0,1.0725, 0.0,1.0,-30.0, 30.0, 0.1 ], [1709.0, 2195.0, 0.001558, 0.08475, 0.00336, 160.0, 0.0,0.0,1.04545, 0.0,1.0,-30.0, 30.0, 0.1 ], [1708.0, 2195.0, 0.001879, 0.088667, 0.00435, 160.0, 0.0,0.0,1.04545, 0.0,1.0,-30.0, 30.0, 0.1 ], [5.0, 1764.0, 0.002083, 0.116667, 0.00156, 120.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [29.0, 56.0, 0.002914, 0.127, 0.0012, 100.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [2038.0, 2096.0, 0.0022, 0.114, 0.0, 120.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1661.0, 1805.0, 0.00297, 0.137, 0.0027, 100.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1699.0, 2229.0, 0.000375, 0.022667, 0.00294, 720.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1698.0, 2229.0, 0.001028, 0.046333, 0.0054, 720.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1714.0, 2158.0, 0.0008, 0.0461, 0.0, 370.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1713.0, 2158.0, 0.0008, 0.0463, 0.0, 370.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1716.0, 2229.0, 0.0008, 0.0451, 0.0, 370.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1715.0, 2229.0, 0.0007, 0.0411, 0.0, 370.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1680.0, 1828.0, 0.002439, 0.111755, 0.000752, 120.0, 0.0,0.0,0.988943, 0.0,1.0,-30.0, 30.0, 0.1 ], [1641.0, 1762.0, 0.003175, 0.1308, 0.00239, 100.0, 0.0,0.0,1.05852, 0.0,1.0,-30.0, 30.0, 0.1 ], [1658.0, 1801.0, 0.00297, 0.137, 0.0027, 100.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [21.0, 38.0, 0.00297, 0.137, 0.0027, 100.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1667.0, 1836.0, 0.000318, 0.02355, 0.00108, 720.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1673.0, 1835.0, 0.000328, 0.023833, 0.00168, 720.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1712.0, 2027.0, 0.0006, 0.0348, 0.0, 400.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1711.0, 2027.0, 0.0006, 0.0348, 0.0, 400.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1749.0, 1969.0, 0.000223, 0.0195, 0.004392, 720.0, 0.0,0.0,1.0725, 0.0,1.0,-30.0, 30.0, 0.1 ], [1748.0, 1969.0, 0.000228, 0.019319, 0.004248, 720.0, 0.0,0.0,1.0725, 0.0,1.0,-30.0, 30.0, 0.1 ], [1684.0, 1860.0, 0.000526, 0.037775, 0.0028, 400.0, 0.0,0.0,1.0725, 0.0,1.0,-30.0, 30.0, 0.1 ], [1683.0, 1860.0, 0.000528, 0.0378, 0.00236, 400.0, 0.0,0.0,1.0725, 0.0,1.0,-30.0, 30.0, 0.1 ], [22.0, 39.0, 0.000706, 0.0772, 0.00092, 100.0, 0.0,0.0,1.05852, 0.0,1.0,-30.0, 30.0, 0.1 ], [1660.0, 1803.0, 0.003032, 0.14, 0.0013, 100.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [1689.0, 1905.0, 0.00297, 0.137, 0.0027, 100.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [117.0, 1905.0, 0.002828, 0.141, 1e-05, 100.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [110.0, 1905.0, 0.002841, 0.141, 1e-05, 100.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [108.0, 1905.0, 0.002828, 0.141, 1e-05, 100.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [1688.0, 1904.0, 0.00297, 0.137, 0.0027, 100.0, 0.0,0.0,1.075, 0.0,1.0,-30.0, 30.0, 0.1 ], [118.0, 1904.0, 0.00297, 0.137, 0.0027, 100.0, 0.0,0.0,1.075, 0.0,1.0,-30.0, 30.0, 0.1 ], [111.0, 1904.0, 0.00297, 0.137, 0.0027, 100.0, 0.0,0.0,1.075, 0.0,1.0,-30.0, 30.0, 0.1 ], [107.0, 1904.0, 0.00297, 0.137, 0.0027, 50.0, 0.0,0.0,1.075, 0.0,1.0,-30.0, 30.0, 0.1 ], [1751.0, 1902.0, 0.000223, 0.0195, 0.004176, 720.0, 0.0,0.0,1.0725, 0.0,1.0,-30.0, 30.0, 0.1 ], [1750.0, 1902.0, 0.000219, 0.019278, 0.00432, 720.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [2194.0, 1633.0, 0.002, 0.0983, 0.0, 150.0, 0.0,0.0,1.04545, 0.0,1.0,-30.0, 30.0, 0.1 ], [1635.0, 1633.0, 0.0014, 0.0563, 0.0, 150.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1634.0, 1633.0, 0.0009, -0.003, 0.0, 75.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2194.0, 1631.0, 0.002, 0.0997, 0.0, 150.0, 0.0,0.0,1.04545, 0.0,1.0,-30.0, 30.0, 0.1 ], [1635.0, 1631.0, 0.0014, 0.0567, 0.0, 150.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1632.0, 1631.0, 0.0008, -0.0033, 0.0, 75.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2194.0, 1628.0, 0.001271, 0.096333, 0.00115, 150.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [1630.0, 1628.0, 0.001185, 0.057, 0.00115, 150.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1629.0, 1628.0, 0.001033, -0.005, 0.00115, 75.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1965.0, 1587.0, 6.7e-05, 0.018139, 0.00103533, 1002.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [2231.0, 1587.0, 5.6e-05, -0.00171, 0.00103533, 1002.0, 0.0,0.0,1.09773, 0.0,1.0,-30.0, 30.0, 0.1 ], [1964.0, 1587.0, 0.000397, 0.03773, 0.00103533, 270.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1961.0, 1586.0, 6.4e-05, 0.01821, 0.00103533, 1002.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1962.0, 1586.0, 5.9e-05, -0.00176, 0.00103533, 1002.0, 0.0,0.0,1.09773, 0.0,1.0,-30.0, 30.0, 0.1 ], [1963.0, 1586.0, 0.000397, 0.037788, 0.00103533, 270.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2002.0, 1627.0, 8.6e-05, 0.01918, 0.0, 750.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1999.0, 1627.0, 8.8e-05, -0.00199, 0.0, 750.0, 0.0,0.0,1.07159, 0.0,1.0,-30.0, 30.0, 0.1 ], [1997.0, 1627.0, 0.000652, 0.04874, 0.0, 240.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2001.0, 1626.0, 8.6e-05, 0.01918, 0.0, 750.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1998.0, 1626.0, 8.8e-05, -0.00199, 0.0, 750.0, 0.0,0.0,1.07159, 0.0,1.0,-30.0, 30.0, 0.1 ], [1996.0, 1626.0, 0.000652, 0.04874, 0.0, 240.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1970.0, 1592.0, 6.6e-05, 0.018757, 0.00120233, 1002.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [2221.0, 1592.0, 5.9e-05, -0.00301, 0.00120233, 1002.0, 0.0,0.0,1.07159, 0.0,1.0,-30.0, 30.0, 0.1 ], [1864.0, 1592.0, 0.000397, 0.038328, 0.00120233, 330.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1972.0, 1591.0, 6.6e-05, 0.018757, 0.00126933, 1002.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [2221.0, 1591.0, 5.9e-05, -0.00301, 0.00126933, 1002.0, 0.0,0.0,1.07159, 0.0,1.0,-30.0, 30.0, 0.1 ], [1863.0, 1591.0, 0.000397, 0.038328, 0.00126933, 330.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1772.0, 1556.0, 9.1e-05, 0.02099, 0.0, 10000.0, 0.0,0.0,1.05, 0.0,0.0,-30.0, 30.0, 0.1 ], [1770.0, 1556.0, 6.7e-05, -0.00349, 0.0, 1000.0, 0.0,0.0,1.04546, 0.0,0.0,-30.0, 30.0, 0.1 ], [1759.0, 1556.0, 0.00037, 0.03445, 0.0, 330.0, 0.0,0.0,0.954545, 0.0,0.0,-30.0, 30.0, 0.1 ], [1772.0, 1555.0, 9.1e-05, 0.02099, 0.0, 10000.0, 0.0,0.0,1.05, 0.0,0.0,-30.0, 30.0, 0.1 ], [1770.0, 1555.0, 6.7e-05, -0.00349, 0.0, 1000.0, 0.0,0.0,1.04546, 0.0,0.0,-30.0, 30.0, 0.1 ], [1758.0, 1555.0, 0.00037, 0.03445, 0.0, 330.0, 0.0,0.0,0.954545, 0.0,0.0,-30.0, 30.0, 0.1 ], [1855.0, 1584.0, 8.3e-05, 0.021439, 0.0, 400.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1856.0, 1584.0, 6.5e-05, -0.00326, 0.0, 400.0, 0.0,0.0,1.07159, 0.0,1.0,-30.0, 30.0, 0.1 ], [1957.0, 1584.0, 0.000454, 0.038229, 0.0, 400.0, 0.0,0.0,0.954545, 0.0,1.0,-30.0, 30.0, 0.1 ], [1813.0, 1570.0, 7.8e-05, 0.018807, 0.001336, 1002.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1812.0, 1570.0, 5.7e-05, -0.00212, 0.001336, 1002.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [1811.0, 1570.0, 0.000428, 0.033328, 0.001336, 300.0, 0.0,0.0,0.954545, 0.0,1.0,-30.0, 30.0, 0.1 ], [1886.0, 1573.0, 6.3e-05, 0.018623, 0.00153633, 1002.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1887.0, 1573.0, 6.3e-05, -0.00257, 0.00153633, 1002.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [1884.0, 1573.0, 0.000381, 0.035269, 0.00153633, 300.0, 0.0,0.0,0.954545, 0.0,1.0,-30.0, 30.0, 0.1 ], [1927.0, 1578.0, 5.8e-05, 0.017275, 0.002004, 1002.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1925.0, 1578.0, 6.9e-05, -0.00173, 0.002004, 1002.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [1885.0, 1578.0, 0.000349, 0.039152, 0.002004, 300.0, 0.0,0.0,0.954545, 0.0,1.0,-30.0, 30.0, 0.1 ], [2143.0, 1624.0, 0.000125, 0.02587, 0.0, 750.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [2150.0, 1624.0, 9.2e-05, -0.00513, 0.0, 750.0, 0.0,0.0,1.07273, 0.0,1.0,-30.0, 30.0, 0.1 ], [1625.0, 1624.0, 0.000505, 0.04532, 0.0, 240.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2138.0, 1622.0, 0.000228, 0.02372, 0.0, 750.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [2147.0, 1622.0, 0.000123, -0.00264, 0.0, 750.0, 0.0,0.0,1.06818, 0.0,1.0,-30.0, 30.0, 0.1 ], [1623.0, 1622.0, 0.000586, 0.02816, 0.0, 240.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1790.0, 1564.0, 9.6e-05, 0.0209, 0.002, 750.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [2094.0, 1564.0, 7.9e-05, -0.00277, 0.002, 750.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [1565.0, 1564.0, 0.000524, 0.052407, 0.002, 240.0, 0.0,0.0,0.954545, 0.0,1.0,-30.0, 30.0, 0.1 ], [1790.0, 1563.0, 9.6e-05, 0.0209, 0.002, 750.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [2094.0, 1563.0, 7.9e-05, -0.00277, 0.002, 750.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [1565.0, 1563.0, 0.000524, 0.052407, 0.002, 240.0, 0.0,0.0,0.954545, 0.0,1.0,-30.0, 30.0, 0.1 ], [2152.0, 1619.0, 0.00085, 0.01, 0.0, 400.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1621.0, 1619.0, 0.0048, 0.1195, 0.0, 400.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1620.0, 1619.0, 0.0027, 0.1195, 0.0, 400.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1875.0, 1590.0, 8e-05, 0.01881, 0.0, 1002.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1874.0, 1590.0, 0.00277, -0.00232, 0.0, 1002.0, 0.0,0.0,1.04545, 0.0,1.0,-30.0, 30.0, 0.1 ], [1873.0, 1590.0, 0.0004, 0.037, 0.0, 330.0, 0.0,0.0,0.954545, 0.0,1.0,-30.0, 30.0, 0.1 ], [1974.0, 1572.0, 8e-06, 0.018685, 0.00153333, 1000.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [2202.0, 1572.0, -1e-05, -0.0033, 0.00153333, 10000.0, 0.0,0.0,1.01932, 0.0,1.0,-30.0, 30.0, 0.1 ], [1872.0, 1572.0, 0.000442, 0.039535, 0.00153333, 300.0, 0.0,0.0,0.978409, 0.0,1.0,-30.0, 30.0, 0.1 ], [2082.0, 1618.0, 0.000117, 0.02364, 0.00205, 750.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [2089.0, 1618.0, 4.2e-05, -0.00236, 0.00205, 750.0, 0.0,0.0,1.07159, 0.0,1.0,-30.0, 30.0, 0.1 ], [2078.0, 1618.0, 0.000345, 0.031, 0.00205, 240.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2083.0, 1617.0, 6.6e-05, 0.022113, 0.001075, 750.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [2088.0, 1617.0, 9e-05, -0.00185, 0.001075, 750.0, 0.0,0.0,1.07159, 0.0,1.0,-30.0, 30.0, 0.1 ], [2077.0, 1617.0, 0.000509, 0.047513, 0.001075, 240.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2080.0, 1616.0, 0.000115, 0.022847, 0.00225, 750.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [2088.0, 1616.0, 0.000118, -0.00186, 0.00225, 750.0, 0.0,0.0,1.07159, 0.0,1.0,-30.0, 30.0, 0.1 ], [2076.0, 1616.0, 0.000507, 0.03022, 0.00225, 240.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1786.0, 1562.0, 9.1e-05, 0.02099, 0.0, 10000.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1785.0, 1562.0, 6.7e-05, -0.00349, 0.0, 1000.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [1755.0, 1562.0, 0.00037, 0.03445, 0.0, 330.0, 0.0,0.0,0.954545, 0.0,1.0,-30.0, 30.0, 0.1 ], [1786.0, 1561.0, 9.1e-05, 0.02099, 0.0, 10000.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1785.0, 1561.0, 6.7e-05, -0.00349, 0.0, 1000.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [1754.0, 1561.0, 0.00037, 0.03445, 0.0, 330.0, 0.0,0.0,0.954545, 0.0,1.0,-30.0, 30.0, 0.1 ], [1868.0, 1615.0, 0.000105, 0.01782, 0.003375, 750.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1867.0, 1615.0, 5.8e-05, -0.00247, 0.003375, 750.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [2072.0, 1615.0, 0.000494, 0.030927, 0.003375, 240.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1866.0, 1614.0, 7.9e-05, 0.019153, 0.00145, 750.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1865.0, 1614.0, 6.4e-05, -0.00314, 0.00145, 750.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [2007.0, 1614.0, 0.000335, 0.030553, 0.00145, 240.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1799.0, 1568.0, 7.8e-05, 0.018079, 0.001336, 1002.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1797.0, 1568.0, 4.9e-05, -0.00241, 0.001336, 1002.0, 0.0,0.0,1.07159, 0.0,1.0,-30.0, 30.0, 0.1 ], [1569.0, 1568.0, 0.000403, 0.038458, 0.001336, 300.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1798.0, 1566.0, 7.4e-05, 0.018598, 0.001837, 1002.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1797.0, 1566.0, 5.3e-05, -0.00316, 0.001837, 1002.0, 0.0,0.0,1.07159, 0.0,1.0,-30.0, 30.0, 0.1 ], [1567.0, 1566.0, 0.000378, 0.039316, 0.001837, 300.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2013.0, 1611.0, 0.001709, 0.13125, 0.000972, 120.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1613.0, 1611.0, 0.001024, 0.070417, 0.000972, 120.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1612.0, 1611.0, 0.001075, -0.00625, 0.000972, 120.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2013.0, 1608.0, 0.0021, 0.1588, 0.000972, 120.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1610.0, 1608.0, 0.0012, 0.0852, 0.000972, 120.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1609.0, 1608.0, 0.0013, 0.0063, 0.000972, 120.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1960.0, 1585.0, 7.3e-05, 0.018815, 0.00096667, 1000.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1920.0, 1585.0, 6e-05, -0.00139, 0.00096667, 1000.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [1881.0, 1585.0, 0.000405, 0.037565, 0.00096667, 300.0, 0.0,0.0,0.954545, 0.0,1.0,-30.0, 30.0, 0.1 ], [123.0, 1583.0, 7.4e-05, 0.018955, 0.00096667, 1000.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1920.0, 1583.0, 6.1e-05, -0.00145, 0.00096667, 1000.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [1808.0, 1583.0, 0.000406, 0.037395, 0.00096667, 300.0, 0.0,0.0,0.954545, 0.0,1.0,-30.0, 30.0, 0.1 ], [2056.0, 1607.0, 8.6e-05, 0.012, 0.0, 750.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [2061.0, 1607.0, 8.4e-05, 0.0052, 0.0, 750.0, 0.0,0.0,1.07045, 0.0,1.0,-30.0, 30.0, 0.1 ], [2055.0, 1607.0, 0.00064, 0.0098, 0.0, 240.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2057.0, 1588.0, 8.2e-05, 0.01899, 0.0, 750.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [2062.0, 1588.0, 9.5e-05, 0.00187, 0.0, 750.0, 0.0,0.0,1.07045, 0.0,1.0,-30.0, 30.0, 0.1 ], [1967.0, 1588.0, 0.000595, 0.04896, 0.0, 240.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2050.0, 1606.0, 0.000124, 0.026467, 0.003, 750.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [2054.0, 1606.0, 8.8e-05, -0.00659, 0.003, 750.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [2049.0, 1606.0, 0.000433, 0.03668, 0.003, 240.0, 0.0,0.0,0.954545, 0.0,1.0,-30.0, 30.0, 0.1 ], [2019.0, 1605.0, 6.9e-05, 0.01806, 0.000725, 750.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [2018.0, 1605.0, 8.7e-05, -0.00197, 0.000725, 750.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [2017.0, 1605.0, 0.000344, 0.03106, 0.000725, 240.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2081.0, 1576.0, 5.9e-05, 0.017137, 0.0009, 1000.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [2052.0, 1576.0, 7.4e-05, -0.0013, 0.0009, 1000.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [1880.0, 1576.0, 0.000392, 0.036947, 0.0009, 330.0, 0.0,0.0,0.954545, 0.0,1.0,-30.0, 30.0, 0.1 ], [2230.0, 1604.0, 8.3e-05, 0.019047, 0.001425, 750.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [2124.0, 1604.0, 6.1e-05, -0.00317, 0.001425, 750.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [1878.0, 1604.0, 0.000339, 0.031247, 0.001425, 240.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2230.0, 1582.0, 6e-05, 0.017225, 0.00096667, 1000.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [2014.0, 1582.0, 7.3e-05, -0.00129, 0.00096667, 1000.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [1877.0, 1582.0, 0.000392, 0.036925, 0.00096667, 330.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1773.0, 1558.0, 9.1e-05, 0.02099, 0.0, 10000.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1769.0, 1558.0, 6.7e-05, -0.00349, 0.0, 1000.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [1761.0, 1558.0, 0.00037, 0.03445, 0.0, 330.0, 0.0,0.0,0.954545, 0.0,1.0,-30.0, 30.0, 0.1 ], [1773.0, 1557.0, 9.1e-05, 0.02099, 0.0, 10000.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1769.0, 1557.0, 6.7e-05, -0.00349, 0.0, 1000.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [1760.0, 1557.0, 0.00037, 0.03445, 0.0, 330.0, 0.0,0.0,0.954545, 0.0,1.0,-30.0, 30.0, 0.1 ], [1787.0, 8.0, 0.000881, 0.085611, 0.000444, 180.0, 0.0,0.0,1.0625, 0.0,1.0,-30.0, 30.0, 0.1 ], [1646.0, 8.0, 0.000767, -0.00617, 0.000444, 180.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [10.0, 8.0, 9.1e-05, 0.051056, 0.000444, 90.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1787.0, 7.0, 0.000881, 0.085611, 0.000444, 180.0, 0.0,0.0,1.0625, 0.0,1.0,-30.0, 30.0, 0.1 ], [1647.0, 7.0, 0.000767, -0.00617, 0.000444, 180.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [9.0, 7.0, 9.1e-05, 0.051056, 0.000444, 90.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2046.0, 1603.0, 0.0, 0.04475, 0.0, 400.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1935.0, 1603.0, 0.0, -0.00462, 0.0, 400.0, 0.0,0.0,1.0725, 0.0,1.0,-30.0, 30.0, 0.1 ], [2043.0, 1603.0, 0.0, 0.07026, 0.0, 400.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2096.0, 1601.0, 0.0018, 0.1243, 0.0, 400.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1602.0, 1601.0, 0.0015, 0.0698, 0.0, 400.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2041.0, 1601.0, 0.0014, -0.0077, 0.0, 400.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2179.0, 1598.0, 0.0063, 0.2671, 0.0, 400.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1600.0, 1598.0, 0.0058, 0.1401, 0.0, 400.0, 0.0,0.0,1.04545, 0.0,1.0,-30.0, 30.0, 0.1 ], [1599.0, 1598.0, 0.003, -0.0097, 0.0, 400.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [2179.0, 1596.0, 0.0063, 0.2652, 0.0, 400.0, 0.0,0.0,1.1, 0.0,1.0,-30.0, 30.0, 0.1 ], [1600.0, 1596.0, 0.0059, 0.1419, 0.0, 400.0, 0.0,0.0,1.04545, 0.0,1.0,-30.0, 30.0, 0.1 ], [1597.0, 1596.0, 0.0028, -0.0079, 0.0, 400.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1895.0, 1575.0, 9.1e-05, 0.02099, 0.0, 10000.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1893.0, 1575.0, 6.7e-05, -0.00349, 0.0, 1000.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [1890.0, 1575.0, 0.00037, 0.03445, 0.0, 330.0, 0.0,0.0,0.954545, 0.0,1.0,-30.0, 30.0, 0.1 ], [1892.0, 1574.0, 9.1e-05, 0.02099, 0.0, 1000.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1891.0, 1574.0, 6.7e-05, -0.00349, 0.0, 1000.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [1889.0, 1574.0, 0.00037, 0.03445, 0.0, 330.0, 0.0,0.0,0.954545, 0.0,1.0,-30.0, 30.0, 0.1 ], [2033.0, 1595.0, 8.5e-05, 0.01857, 0.00183333, 1000.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [2035.0, 1595.0, 4.7e-05, -0.00287, 0.00183333, 1000.0, 0.0,0.0,1.09773, 0.0,1.0,-30.0, 30.0, 0.1 ], [2031.0, 1595.0, 0.000426, 0.03594, 0.00183333, 300.0, 0.0,0.0,0.954545, 0.0,1.0,-30.0, 30.0, 0.1 ], [1981.0, 1593.0, 7.3e-05, 0.0163, 0.001, 1000.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1980.0, 1593.0, 5.4e-05, -0.001, 0.001, 1000.0, 0.0,0.0,1.09773, 0.0,1.0,-30.0, 30.0, 0.1 ], [1979.0, 1593.0, 0.000377, 0.03705, 0.001, 330.0, 0.0,0.0,0.954545, 0.0,1.0,-30.0, 30.0, 0.1 ], [2023.0, 1594.0, 0.000116, 0.018433, 0.002075, 750.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [2025.0, 1594.0, 7.4e-05, -0.00326, 0.002075, 750.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [2022.0, 1594.0, 0.000476, 0.032887, 0.002075, 240.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [2024.0, 1589.0, 6.4e-05, 0.016337, 0.00120233, 1002.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [2228.0, 1589.0, 6.3e-05, -0.0024, 0.00120233, 1002.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [1862.0, 1589.0, 0.000244, 0.030978, 0.00120233, 330.0, 0.0,0.0,0.954545, 0.0,1.0,-30.0, 30.0, 0.1 ], [1899.0, 1581.0, 8.5e-05, 0.018221, 0.001275, 750.0, 0.0,0.0,1.072, 0.0,1.0,-30.0, 30.0, 0.1 ], [1923.0, 1581.0, 8.5e-05, -0.00243, 0.001275, 750.0, 0.0,0.0,1.07159, 0.0,1.0,-30.0, 30.0, 0.1 ], [1879.0, 1581.0, -9e-05, 0.041486, 0.001275, 240.0, 0.0,0.0,0.954545, 0.0,1.0,-30.0, 30.0, 0.1 ], [1899.0, 1579.0, 8.4e-05, 0.018087, 0.00135, 750.0, 0.0,0.0,1.072, 0.0,1.0,-30.0, 30.0, 0.1 ], [1923.0, 1579.0, 8.4e-05, -0.00222, 0.00135, 750.0, 0.0,0.0,1.07159, 0.0,1.0,-30.0, 30.0, 0.1 ], [1580.0, 1579.0, -8e-05, 0.04158, 0.00135, 240.0, 0.0,0.0,0.954545, 0.0,1.0,-30.0, 30.0, 0.1 ], [1771.0, 1560.0, 9.1e-05, 0.02099, 0.0, 10000.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1768.0, 1560.0, 6.7e-05, -0.00349, 0.0, 1000.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [1757.0, 1560.0, 0.00037, 0.03445, 0.0, 330.0, 0.0,0.0,0.954545, 0.0,1.0,-30.0, 30.0, 0.1 ], [1771.0, 1559.0, 9.1e-05, 0.02099, 0.0, 10000.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1768.0, 1559.0, 6.7e-05, -0.00349, 0.0, 1000.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [1756.0, 1559.0, 0.00037, 0.03445, 0.0, 330.0, 0.0,0.0,0.954545, 0.0,1.0,-30.0, 30.0, 0.1 ], [1853.0, 1571.0, 6.1e-05, 0.01713, 0.00126667, 1000.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [1852.0, 1571.0, 7.3e-05, -0.00142, 0.00126667, 1000.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [1851.0, 1571.0, 0.000408, 0.0376, 0.00126667, 330.0, 0.0,0.0,1.0, 0.0,1.0,-30.0, 30.0, 0.1 ], [1926.0, 1577.0, 5e-05, 0.01767, 0.00133333, 1000.0, 0.0,0.0,1.05, 0.0,1.0,-30.0, 30.0, 0.1 ], [2196.0, 1577.0, 7e-05, -0.00193, 0.00133333, 1000.0, 0.0,0.0,1.04546, 0.0,1.0,-30.0, 30.0, 0.1 ], [1882.0, 1577.0, 0.000396, 0.03757, 0.00133333, 330.0, 0.0,0.0,0.954545, 0.0,1.0,-30.0, 30.0, 0.1 ] ]) ppc["gencost"] = array([ [2.0, 0.0, 0.0, 3.0, 0.0, 44.0, 0.0, 66.0, 33.0, 52.8, 26.4 ], [2.0, 0.0, 0.0, 3.0, 0.0, 44.0, 0.0, 66.0, 33.0, 52.8, 26.4 ], [2.0, 0.0, 0.0, 3.0, 0.0, 50.0, 0.0, 75.0, 37.5, 60.0, 30.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 62.8, 0.0, 94.2, 47.1, 75.36, 37.68 ], [2.0, 0.0, 0.0, 3.0, 0.0, 120.0, 0.0, 180.0, 90.0, 144.0, 72.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 30.0, 0.0, 45.0, 22.5, 36.0, 18.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 30.0, 0.0, 45.0, 22.5, 36.0, 18.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 40.0, 0.0, 60.0, 30.0, 48.0, 24.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 40.0, 0.0, 60.0, 30.0, 48.0, 24.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 208.0, 0.0, 312.0, 156.0, 249.6, 124.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 208.0, 0.0, 312.0, 156.0, 249.6, 124.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 140.0, 0.0, 210.0, 105.0, 168.0, 84.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 140.0, 0.0, 210.0, 105.0, 168.0, 84.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 140.0, 0.0, 210.0, 105.0, 168.0, 84.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 140.0, 0.0, 210.0, 105.0, 168.0, 84.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 208.0, 0.0, 312.0, 156.0, 249.6, 124.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 140.0, 0.0, 210.0, 105.0, 168.0, 84.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 140.0, 0.0, 210.0, 105.0, 168.0, 84.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 208.0, 0.0, 312.0, 156.0, 249.6, 124.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 208.0, 0.0, 312.0, 156.0, 249.6, 124.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 120.0, 0.0, 180.0, 90.0, 144.0, 72.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 120.0, 0.0, 180.0, 90.0, 144.0, 72.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 140.0, 0.0, 210.0, 105.0, 168.0, 84.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 140.0, 0.0, 210.0, 105.0, 168.0, 84.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 208.0, 0.0, 312.0, 156.0, 249.6, 124.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 208.0, 0.0, 312.0, 156.0, 249.6, 124.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 80.0, 0.0, 120.0, 60.0, 96.0, 48.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 80.0, 0.0, 120.0, 60.0, 96.0, 48.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 140.0, 0.0, 210.0, 105.0, 168.0, 84.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 140.0, 0.0, 210.0, 105.0, 168.0, 84.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 208.0, 0.0, 312.0, 156.0, 249.6, 124.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 208.0, 0.0, 312.0, 156.0, 249.6, 124.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 208.0, 0.0, 312.0, 156.0, 249.6, 124.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 208.0, 0.0, 312.0, 156.0, 249.6, 124.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 400.0, 0.0, 600.0, 300.0, 480.0, 240.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 400.0, 0.0, 600.0, 300.0, 480.0, 240.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 120.0, 0.0, 180.0, 90.0, 144.0, 72.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 120.0, 0.0, 180.0, 90.0, 144.0, 72.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 64.0, 0.0, 96.0, 48.0, 76.8, 38.4 ], [2.0, 0.0, 0.0, 3.0, 0.0, 64.0, 0.0, 96.0, 48.0, 76.8, 38.4 ], [2.0, 0.0, 0.0, 3.0, 0.0, 64.0, 0.0, 96.0, 48.0, 76.8, 38.4 ], [2.0, 0.0, 0.0, 3.0, 0.0, 208.0, 0.0, 312.0, 156.0, 249.6, 124.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 208.0, 0.0, 312.0, 156.0, 249.6, 124.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 29.0, 0.0, 43.5, 21.75, 34.8, 17.4 ], [2.0, 0.0, 0.0, 3.0, 0.0, 29.0, 0.0, 43.5, 21.75, 34.8, 17.4 ], [2.0, 0.0, 0.0, 3.0, 0.0, 29.0, 0.0, 43.5, 21.75, 34.8, 17.4 ], [2.0, 0.0, 0.0, 3.0, 0.0, 14.4, 0.0, 21.6, 10.8, 17.28, 8.64 ], [2.0, 0.0, 0.0, 3.0, 0.0, 14.4, 0.0, 21.6, 10.8, 17.28, 8.64 ], [2.0, 0.0, 0.0, 3.0, 0.0, 16.8, 0.0, 25.2, 12.6, 20.16, 10.08 ], [2.0, 0.0, 0.0, 3.0, 0.0, 16.8, 0.0, 25.2, 12.6, 20.16, 10.08 ], [2.0, 0.0, 0.0, 3.0, 0.0, 80.0, 0.0, 120.0, 60.0, 96.0, 48.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 80.0, 0.0, 120.0, 60.0, 96.0, 48.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 80.0, 0.0, 120.0, 60.0, 96.0, 48.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 208.0, 0.0, 312.0, 156.0, 249.6, 124.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 208.0, 0.0, 312.0, 156.0, 249.6, 124.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 240.0, 0.0, 360.0, 180.0, 288.0, 144.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 240.0, 0.0, 360.0, 180.0, 288.0, 144.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 48.0, 0.0, 72.0, 36.0, 57.6, 28.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 48.0, 0.0, 72.0, 36.0, 57.6, 28.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 40.0, 0.0, 60.0, 30.0, 48.0, 24.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 40.0, 0.0, 60.0, 30.0, 48.0, 24.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 60.0, 0.0, 90.0, 45.0, 72.0, 36.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 60.0, 0.0, 90.0, 45.0, 72.0, 36.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 80.0, 0.0, 120.0, 60.0, 96.0, 48.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 80.0, 0.0, 120.0, 60.0, 96.0, 48.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 208.0, 0.0, 312.0, 156.0, 249.6, 124.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 208.0, 0.0, 312.0, 156.0, 249.6, 124.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 120.0, 0.0, 180.0, 90.0, 144.0, 72.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 120.0, 0.0, 180.0, 90.0, 144.0, 72.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 120.0, 0.0, 180.0, 90.0, 144.0, 72.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 120.0, 0.0, 180.0, 90.0, 144.0, 72.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 240.0, 0.0, 360.0, 180.0, 288.0, 144.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 84.0, 0.0, 126.0, 63.0, 100.8, 50.4 ], [2.0, 0.0, 0.0, 3.0, 0.0, 80.0, 0.0, 120.0, 60.0, 96.0, 48.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 240.0, 0.0, 360.0, 180.0, 288.0, 144.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 39.6, 0.0, 59.4, 29.7, 47.52, 23.76 ], [2.0, 0.0, 0.0, 3.0, 0.0, 80.0, 0.0, 120.0, 60.0, 96.0, 48.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 80.0, 0.0, 120.0, 60.0, 96.0, 48.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 80.0, 0.0, 120.0, 60.0, 96.0, 48.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 208.0, 0.0, 312.0, 156.0, 249.6, 124.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 208.0, 0.0, 312.0, 156.0, 249.6, 124.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 20.0, 0.0, 30.0, 15.0, 24.0, 12.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 36.0, 0.0, 54.0, 27.0, 43.2, 21.6 ], [2.0, 0.0, 0.0, 3.0, 0.0, 36.0, 0.0, 54.0, 27.0, 43.2, 21.6 ], [2.0, 0.0, 0.0, 3.0, 0.0, 36.0, 0.0, 54.0, 27.0, 43.2, 21.6 ], [2.0, 0.0, 0.0, 3.0, 0.0, 36.0, 0.0, 54.0, 27.0, 43.2, 21.6 ], [2.0, 0.0, 0.0, 3.0, 0.0, 62.8, 0.0, 94.2, 47.1, 75.36, 37.68 ], [2.0, 0.0, 0.0, 3.0, 0.0, 62.8, 0.0, 94.2, 47.1, 75.36, 37.68 ], [2.0, 0.0, 0.0, 3.0, 0.0, 208.0, 0.0, 312.0, 156.0, 249.6, 124.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 208.0, 0.0, 312.0, 156.0, 249.6, 124.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 320.0, 0.0, 480.0, 240.0, 384.0, 192.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 320.0, 0.0, 480.0, 240.0, 384.0, 192.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 403.2, 0.0, 604.8, 302.4, 483.84, 241.92 ], [2.0, 0.0, 0.0, 3.0, 0.0, 403.2, 0.0, 604.8, 302.4, 483.84, 241.92 ], [2.0, 0.0, 0.0, 3.0, 0.0, 54.0, 0.0, 81.0, 40.5, 64.8, 32.4 ], [2.0, 0.0, 0.0, 3.0, 0.0, 54.0, 0.0, 81.0, 40.5, 64.8, 32.4 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 18.0, 0.0, 27.0, 13.5, 21.6, 10.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 18.0, 0.0, 27.0, 13.5, 21.6, 10.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 18.0, 0.0, 27.0, 13.5, 21.6, 10.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 18.0, 0.0, 27.0, 13.5, 21.6, 10.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 20.0, 0.0, 30.0, 15.0, 24.0, 12.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 20.0, 0.0, 30.0, 15.0, 24.0, 12.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 240.0, 0.0, 360.0, 180.0, 288.0, 144.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 240.0, 0.0, 360.0, 180.0, 288.0, 144.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 120.0, 0.0, 180.0, 90.0, 144.0, 72.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 120.0, 0.0, 180.0, 90.0, 144.0, 72.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 120.0, 0.0, 180.0, 90.0, 144.0, 72.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 120.0, 0.0, 180.0, 90.0, 144.0, 72.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 240.0, 0.0, 360.0, 180.0, 288.0, 144.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 240.0, 0.0, 360.0, 180.0, 288.0, 144.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 120.0, 0.0, 180.0, 90.0, 144.0, 72.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 120.0, 0.0, 180.0, 90.0, 144.0, 72.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 240.0, 0.0, 360.0, 180.0, 288.0, 144.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 240.0, 0.0, 360.0, 180.0, 288.0, 144.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 208.0, 0.0, 312.0, 156.0, 249.6, 124.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 208.0, 0.0, 312.0, 156.0, 249.6, 124.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 12.0, 6.0, 9.6, 4.8 ], [2.0, 0.0, 0.0, 3.0, 0.0, 240.0, 0.0, 360.0, 180.0, 288.0, 144.0 ], [2.0, 0.0, 0.0, 3.0, 0.0, 240.0, 0.0, 360.0, 180.0, 288.0, 144.0 ] ]) return ppc
1d1eb7b895ef58d7411393323789a6cea8d74eb4
5ec06dab1409d790496ce082dacb321392b32fe9
/clients/python/generated/test/test_com_day_cq_wcm_designimporter_parser_taghandlers_factory_text_component_info.py
9dd311727f08f354672f50c4174ba64c40b3ee04
[ "Apache-2.0" ]
permissive
shinesolutions/swagger-aem-osgi
e9d2385f44bee70e5bbdc0d577e99a9f2525266f
c2f6e076971d2592c1cbd3f70695c679e807396b
refs/heads/master
2022-10-29T13:07:40.422092
2021-04-09T07:46:03
2021-04-09T07:46:03
190,217,155
3
3
Apache-2.0
2022-10-05T03:26:20
2019-06-04T14:23:28
null
UTF-8
Python
false
false
1,437
py
# coding: utf-8 """ Adobe Experience Manager OSGI config (AEM) API Swagger AEM OSGI is an OpenAPI specification for Adobe Experience Manager (AEM) OSGI Configurations API # noqa: E501 The version of the OpenAPI document: 1.0.0 Contact: [email protected] Generated by: https://openapi-generator.tech """ from __future__ import absolute_import import unittest import swaggeraemosgi from swaggeraemosgi.models.com_day_cq_wcm_designimporter_parser_taghandlers_factory_text_component_info import ComDayCqWcmDesignimporterParserTaghandlersFactoryTextComponentInfo # noqa: E501 from swaggeraemosgi.rest import ApiException class TestComDayCqWcmDesignimporterParserTaghandlersFactoryTextComponentInfo(unittest.TestCase): """ComDayCqWcmDesignimporterParserTaghandlersFactoryTextComponentInfo unit test stubs""" def setUp(self): pass def tearDown(self): pass def testComDayCqWcmDesignimporterParserTaghandlersFactoryTextComponentInfo(self): """Test ComDayCqWcmDesignimporterParserTaghandlersFactoryTextComponentInfo""" # FIXME: construct object with mandatory attributes with example values # model = swaggeraemosgi.models.com_day_cq_wcm_designimporter_parser_taghandlers_factory_text_component_info.ComDayCqWcmDesignimporterParserTaghandlersFactoryTextComponentInfo() # noqa: E501 pass if __name__ == '__main__': unittest.main()
33d65505e62415ec474373f835f060af9a83c2d8
7b12eb45c1ea76ad9c186b858b5dfebf2c5b862a
/.history/DEBER_20210904224213.py
22245042ab40e7800c1484553318ca360a097082
[ "MIT" ]
permissive
Alopezm5/PROYECTO-PARTE-1
a1dce04009b24852c1c60e69bdf602ad3af0574b
bd7a8594edf08d41c6ca544cf6bac01ea4fcb684
refs/heads/main
2023-07-25T11:22:17.994770
2021-09-07T03:27:34
2021-09-07T03:27:34
403,670,226
0
0
null
null
null
null
UTF-8
Python
false
false
5,323
py
import os class Empresa(): def __init__(self,nom="",ruc=0,dire="",tele=0,ciud="",tipEmpr=""): self.nombre=nom self.ruc=ruc self.direccion=dire self.telefono=tele self.ciudad=ciud self.tipoEmpresa=tipEmpr def datosEmpresa(self):#3 self.nombre=input("Ingresar nombre de la empresa: ") self.ruc=int(input("Ingresar ruc de la empresa: ")) self.direccion=input("Ingresar la direccion de la empresa: ") self.telefono=int(input("Ingresar el numero de telefono de la empresa: ")) self.ciudad=input("Ingresar ciudad donde esta la empresa: ") self.tipoEmpresa=input("Ingresar tipo de empresa publica o privada: ") def mostrarEmpresa(self): print("") print("Datos de la Empresa") print("La empresa de nombre {}\n De RUC #{} \n Está ubicada en {}\n Se puede comunicar al #{}\n Está empresa esta en la ciudad de {}\n Es una entidad {}".format(self.nombre,self.ruc,self.direccion, self.telefono,self.ciudad, self.tipoEmpresa)) class Empleado(Empresa): def __init__(self,nom="",cedu=0,dire="",tele=0,email="",estado="",profe="",anti=0,com=0,fNomina="",fIngreso="",iess=0): self.nombre=nom self.cedula=cedu self.direccion=dire self.telefono=tele self.correo=email self.estadocivil=estado self.profesion=profe self.antiguedad=anti self.comision=com self.fechaNomina=fNomina self.fechaIngreso=fIngreso self.iess=iess def empleado(self): self.nombre=input("Ingresar nombre del empleado: ") self.cedula=int(input("Ingresar numero de cedula del empleado: ")) self.direccion=input("Ingresar la direccion del empleado: ") self.telefono=int(input("Ingresar numero de contacto del empleado: ")) self.correo=input("Ingresar correo personal del empleado: ") self.iess=float(input("Ingresar valor del iees recordar que debe ser porcentuado Ejemplo si quiere decir 20% debe ingresar 0.20")) self.fechaNomina=input("Ingresar fecha de nomida (formato año-mes-dia): ") self.fechaIngreso=input("Ingresar fecha de ingreso (formato año-mes-dia): ") self.antiguedad=float(input("Ingresar valor de antiguedad")) self.comision=float(input("Ingresar calor de la comsion: ")) def empleadoObrero(self): self.estadocivil=input("Ingresar estado civil del empleado: ") def empleadoOficina(self): self.profesion=input("Ingresar profesion del empleado: ") # def mostrarempleado(self): # print("El empleado: {} con # de C.I. {} \n Con direccion {}, y numero de contacto{}\n Y correo {}".format(self.nombre,self.cedula,self.direccion,self.telefono,self.correo)) class Departamento(Empleado): def __init__(self,dep=""): self.departamento=dep def departa(self): self.departamento=input("Ingresar el departamento al que pertenece el empleado: ") def mostrarDeparta(self): print("El empleado pertenece al departamento de: {}".format(self.departamento)) class Pagos(Empleado): def __init__(self, desc=0,desper=0,valhora=0,hotraba=0,extra=0): self.permisos=desper self.valorhora=valhora self.horastrabajadas=hotraba self.valextra=extra self.sueldo= suel self.horasRecargo= hrecar self.horasExtraordinarias=hextra self.prestamo= pres self.mesCuota= mcou self.valor_hora= valho self.sobretiempo=sobtiem self.comEmpOficina = comofi self.antiEmpObrero = antobre self.iessEmpleado = iemple self.cuotaPrestamo=cuopres self.totdes = tot self.liquidoRecibir = liquid def pagoNormal(self): self.sueldo=float(input("Ingresar sueldo del trabajador: $")) self.prestamo=float(input("Ingresar monto del prestamo que ha generado el empleado: $")) self.mesCuota=("Ingresar meses qa diferir el prestamo: ") def pagoExtra(self): self.horasRecargo=int(input("Ingresar horas de recargo: ")) self.horasExtraordinarias=int(input("Ingresar horas extraordinarias: ")) def calculoSueldo(self): self.valor_hora=self.sueldo/240 self.sobretiempo= valor_hora * (horasRecargo*0.50+horasExtraordinarias*2) self.comEmpOficina = self.comision*self.sueldo self.antiEmpObrero = self.antiguedad*(FechaNomina - FechaIngreso)/365*self.sueldo self.iessEmpleado = self.iess*(self.sueldo+self.sobretiempo) self.cuotaPrestamo=self.prestamo/self.mesCuota if eleccion==1: self.toting = self.sueldo+self.sobretiempo+ self.comEmpOficina elif eleccion==2: self.toting = self.sueldo+self.sobretiempo+self.antiEmpObrero self.totdes = iessEmpleado + prestamoEmpleado self.liquidoRecibir = toting - totdes def mostrarSueldo(self): print("Arreglar") emp=Empresa() emp.datosEmpresa() emple=Empleado() emple.empleado() eleccion=int(input("Va a ingresar un empleado tipo 1. Obreo o 2.Oficina: ")) emple.empleadoObrero() emple.empleadoOficina() pag=Pagos() pag.pagoNormal() pag.pagoExtra() pag.calculoSueldo() os.system ("cls") emp.mostrarEmpresa() print("") emple.mostrarempleado() print("")
89b21af428d1d308b279efb03d30b5f58713a620
2f0c413962f96fe449ddcaf9363f1bdfd4f5e98d
/test/test_gossip.py
8060199884d775bc93067661bb947acca582a832
[ "MIT" ]
permissive
vijayanant/kunai
1d922791dbad8c6132d790d7a58040c3f9ecbedc
0dfe169731eaceb1bba66e12715b3968d2a3de20
refs/heads/master
2021-01-22T12:02:17.293478
2014-12-27T13:15:25
2014-12-27T13:15:25
28,539,772
1
0
null
null
null
null
UTF-8
Python
false
false
481
py
#!/usr/bin/env python # Copyright (C) 2014: # Gabes Jean, [email protected] import copy import time import threading from kunai_test import * from kunai.gossip import Gossip from kunai.broadcast import Broadcaster class TestGossip(KunaiTest): def setUp(self): self.gossip = Gossip({}, threading.RLock(), 'localhost', 6768, 'testing-kunai', 0, 'AAAA', ['linux', 'kv'], []) def test_gossip(self): pass if __name__ == '__main__': unittest.main()
02086cbeccc8c19cd85a073f2c7eab29f2e06976
d2f71636c17dc558e066d150fe496343b9055799
/eventi/receipts/forms.py
9d3016a8c6419210c1823d66a44e71eee0f454e5
[ "MIT" ]
permissive
klebercode/lionsclub
9d8d11ad6083d25f6d8d92bfbae9a1bbfa6d2106
60db85d44214561d20f85673e8f6c047fab07ee9
refs/heads/master
2020-06-11T19:45:39.974945
2015-04-05T01:11:57
2015-04-05T01:11:57
33,409,707
1
0
null
null
null
null
UTF-8
Python
false
false
1,159
py
# coding: utf-8 from django import forms from django.template.loader import render_to_string from django.core.mail import EmailMultiAlternatives from eventi.receipts.models import Receipt from eventi.subscriptions.models import Subscription class ReceiptForm(forms.ModelForm): class Meta: model = Receipt def send_mail(self, pk): subject = u'Lions Clubes, comprovante enviado.' context = { 'name': self.cleaned_data['name'], 'subscription': self.cleaned_data['subscription'], } s = Subscription.objects.get(pk=self.cleaned_data['subscription']) if s: email_to = s.email else: email_to = '' message = render_to_string('receipts/receipt_mail.txt', context) message_html = render_to_string('receipts/receipt_mail.html', context) msg = EmailMultiAlternatives(subject, message, '[email protected]', [email_to]) msg.attach_alternative(message_html, 'text/html') msg.send()
4b5ce157886ae6f7d16078d25f22aed1aede4df3
04b1803adb6653ecb7cb827c4f4aa616afacf629
/chrome/chrome_cleaner/cleaner/DEPS
9648b97a1c3d91971cbc9b21e5c24b58308df304
[ "BSD-3-Clause" ]
permissive
Samsung/Castanets
240d9338e097b75b3f669604315b06f7cf129d64
4896f732fc747dfdcfcbac3d442f2d2d42df264a
refs/heads/castanets_76_dev
2023-08-31T09:01:04.744346
2021-07-30T04:56:25
2021-08-11T05:45:21
125,484,161
58
49
BSD-3-Clause
2022-10-16T19:31:26
2018-03-16T08:07:37
null
UTF-8
Python
false
false
52
include_rules = [ "+components/chrome_cleaner", ]
023b58296e4925c5b65036563c3cd12d57e83077
dc529ac2a73ebcbe4a4974757ae6beb7ead2a85a
/notebooks/globalgoals-pyglobalgoals.py.py
d1aaa7175844e43a40ae9177540a31d8c60d0e9d
[ "BSD-3-Clause" ]
permissive
westurner/pyglobalgoals
19a611794eb11aa355ab0cd57b2b40a949b34c0f
768e8dd236fd23e233e33cd9af03284ca4b9dddf
refs/heads/master
2021-06-30T00:26:06.430143
2016-03-08T23:20:14
2016-03-08T23:20:14
42,337,725
1
0
null
null
null
null
UTF-8
Python
false
false
16,352
py
# coding: utf-8 # # @TheGlobalGoals for Sustainable Development # ## Background # # * Homepage: **http://www.globalgoals.org/** # - Twitter: https://twitter.com/TheGlobalGoals # - Instagram: https://instagram.com/TheGlobalGoals/ # - Facebook: https://www.facebook.com/globalgoals.org # - YouTube: https://www.youtube.com/channel/UCRfuAYy7MesZmgOi1Ezy0ng/ # - Hashtag: **#GlobalGoals** # - https://twitter.com/hashtag/GlobalGoals # - https://instagram.com/explore/tags/GlobalGoals/ # - https://www.facebook.com/hashtag/GlobalGoals # - Hashtag: #TheGlobalGoals # - https://twitter.com/hashtag/TheGlobalGoals # - https://instagram.com/explore/tags/TheGlobalGoals/ # - https://www.facebook.com/hashtag/TheGlobalGoals # # # ### pyglobalgoals # # * Homepage: https://github.com/westurner/pyglobalgoals # * Src: https://github.com/westurner/pyglobalgoals # * Download: https://github.com/westurner/pyglobalgoals/releases # # ### Objectives # # * [x] ENH: Read and parse TheGlobalGoals from globalgoals.org # * [x] ENH: Download (HTTP GET) each GlobalGoal tile image to ``./notebooks/data/images/`` # * [-] ENH: Generate e.g. tweets for each GlobalGoal (e.g. **##gg17** / **##GG17**) # * [x] ENH: Save TheGlobalGoals to a JSON-LD document # * [-] ENH: Save TheGlobalGoals with Schema.org RDF vocabulary (as JSON-LD) # * [-] ENH: Save TheGlobalGoals as ReStructuredText with headings and images # * [-] ENH: Save TheGlobalGoals as Markdown with headings and images # * [-] ENH: Save TheGlobalGoals as RDFa with headings and images # * [ ] ENH: Save TheGlobalGoals as RDFa with images like http://globalgoals.org/ # * [-] DOC: Add narrative documentation where necessary # * [-] REF: Refactor and extract methods from ``./notebooks/`` to ``./pyglobalgoals/`` # # ## Implementation # # * Python package: [**pyglobalgoals**](#pyglobalgoals) # # * Jupyter notebook: **``./notebooks/globalgoals-pyglobalgoals.py.ipynb``** # * Src: https://github.com/westurner/pyglobalgoals/blob/master/notebooks/globalgoals-pyglobalgoals.py.ipynb # * Src: https://github.com/westurner/pyglobalgoals/blob/master/notebooks/globalgoals-pyglobalgoals.py.py # * Src: https://github.com/westurner/pyglobalgoals/blob/develop/notebooks/globalgoals-pyglobalgoals.py.ipynb # * Src: https://github.com/westurner/pyglobalgoals/blob/v0.1.2/notebooks/globalgoals-pyglobalgoals.py.ipynb # * Src: https://github.com/westurner/pyglobalgoals/blob/v0.2.1/notebooks/globalgoals-pyglobalgoals.py.ipynb # # * [x] Download HTML with requests # * [x] Parse HTML with beautifulsoup # * [x] Generate JSON[-LD] with ``collections.OrderedDict`` # * [-] REF: Functional methods -> more formal type model -> ``pyglobalgoals.<...>`` # # # * [JSON-LD](#JSONLD) document: **``./notebooks/data/globalgoals.jsonld``** # * Src: https://github.com/westurner/pyglobalgoals/blob/master/notebooks/data/globalgoals.jsonld # # # ### JSON-LD # # * Wikipedia: https://en.wikipedia.org/wiki/JSON-LD # * Homepage: http://json-ld.org/ # * Docs: http://json-ld.org/playground/ # * Hashtag: #JSONLD # # ### RDFa # # * Wikipedia: https://en.wikipedia.org/wiki/RDFa # * Standard: http://www.w3.org/TR/rdfa-core/ # * Docs: http://www.w3.org/TR/rdfa-primer/ # * Hashtag: #RDFa # In[1]: #!conda install -y beautiful-soup docutils jinja2 requests get_ipython().system(u"pip install -U beautifulsoup4 jinja2 'requests<2.8' requests-cache version-information # tweepy") import bs4 import jinja2 import requests import requests_cache requests_cache.install_cache('pyglobalgoals_cache') #!pip install -U version_information get_ipython().magic(u'load_ext version_information') get_ipython().magic(u'version_information jupyter, bs4, jinja2, requests, requests_cache, version_information') # In[2]: url = "http://www.globalgoals.org/" req = requests.get(url) #print(req) #print(sorted(dir(req))) #req.<TAB> #req??<[Ctrl-]Enter> if not req.ok: raise Exception(req) content = req.content print(content[:20]) # In[ ]: # In[3]: bs = bs4.BeautifulSoup(req.content) print(bs.prettify()) # In[4]: tiles = bs.find_all(class_='goal-tile-wrapper') pp(tiles) # In[5]: tile = tiles[0] print(tile) # In[6]: link = tile.findNext('a') img = link.findNext('img') img_title = img['alt'][:-5] img_src = img['src'] link_href = link['href'] example = {'name': img_title, 'img_src': img_src, 'href': link_href} print(example) # In[7]: import collections def get_data_from_goal_tile_wrapper_div(node, n=None): link = node.findNext('a') img = link.findNext('img') img_title = img['alt'][:-5] img_src = img['src'] link_href = link['href'] output = collections.OrderedDict({'@type': 'un:GlobalGoal'}) if n: output['n'] = n output['name'] = img_title output['image'] = img_src output['url'] = link_href return output def get_goal_tile_data(bs): for i, tile in enumerate(bs.find_all(class_='goal-tile-wrapper'), 1): yield get_data_from_goal_tile_wrapper_div(tile, n=i) tiles = list(get_goal_tile_data(bs)) import json print(json.dumps(tiles, indent=2)) goal_tiles = tiles[:-1] # In[ ]: # In[8]: import codecs from path import Path def build_default_context(): context = collections.OrderedDict() # context["dc"] = "http://purl.org/dc/elements/1.1/" context["schema"] = "http://schema.org/" # context["xsd"] = "http://www.w3.org/2001/XMLSchema#" # context["ex"] = "http://example.org/vocab#" # context["ex:contains"] = { # "@type": "@id" # } # default attrs (alternative: prefix each with schema:) # schema.org/Thing == schema:Thing (!= schema:thing) context["name"] = "http://schema.org/name" context["image"] = { "@type": "@id", "@id": "http://schema.org/image" } context["url"] = { "@type": "@id", "@id":"http://schema.org/url" } context["description"] = { "@type": "http://schema.org/Text", "@id": "http://schema.org/description" } return context DEFAULT_CONTEXT = build_default_context() def goal_tiles_to_jsonld(nodes, context=None, default_context=DEFAULT_CONTEXT): data = collections.OrderedDict() if context is None and default_context is not None: data['@context'] = build_default_context() elif context: data['@context'] = context elif default_context: data['@context'] = default_context data['@graph'] = nodes return data DATA_DIR = Path('.') / 'data' #DATA_DIR = Path(__file__).dirname #DATA_DIR = determine_path_to(current_notebook) # PWD initially defaults to nb.CWD DATA_DIR.makedirs_p() GLOBAL_GOALS_JSONLD_PATH = DATA_DIR / 'globalgoals.jsonld' def write_global_goals_jsonld(goal_tiles, path=GLOBAL_GOALS_JSONLD_PATH): goal_tiles_jsonld = goal_tiles_to_jsonld(goal_tiles) with codecs.open(path, 'w', 'utf8') as fileobj: json.dump(goal_tiles_jsonld, fileobj, indent=2) def read_global_goals_jsonld(path=GLOBAL_GOALS_JSONLD_PATH, prettyprint=True): with codecs.open(path, 'r', 'utf8') as fileobj: global_goals_dict = json.load(fileobj, object_pairs_hook=collections.OrderedDict) return global_goals_dict def print_json_dumps(global_goals_dict, indent=2): print(json.dumps(global_goals_dict, indent=indent)) write_global_goals_jsonld(goal_tiles) global_goals_dict = read_global_goals_jsonld(path=GLOBAL_GOALS_JSONLD_PATH) assert global_goals_dict == goal_tiles_to_jsonld(goal_tiles) print_json_dumps(global_goals_dict) # In[9]: def build_tweet_for_goal_tile(node): return '##gg{n} {name} {url} {image} @TheGlobalGoals #GlobalGoals'.format(**node) tweets = list(build_tweet_for_goal_tile(tile) for tile in goal_tiles) tweets # In[10]: for node in goal_tiles: img_basename = node['image'].split('/')[-1] node['image_basename'] = img_basename node['tweet_txt'] = build_tweet_for_goal_tile(node) print(json.dumps(goal_tiles, indent=2)) # In[11]: #!conda install -y pycurl try: import pycurl except ImportError as e: import warnings warnings.warn(unicode(e)) def pycurl_download_file(url, dest_path, follow_redirects=True): with open(dest_path, 'wb') as f: c = pycurl.Curl() c.setopt(c.URL, url) c.setopt(c.WRITEDATA, f) if follow_redirects: c.setopt(c.FOLLOWLOCATION, True) c.perform() c.close() return (url, dest_path) # In[12]: import requests def requests_download_file(url, dest_path, **kwargs): local_filename = url.split('/')[-1] # NOTE the stream=True parameter r = requests.get(url, stream=True) with open(dest_path, 'wb') as f: for chunk in r.iter_content(chunk_size=1024): if chunk: # filter out keep-alive new chunks f.write(chunk) f.flush() return (url, dest_path) # In[13]: import urllib def urllib_urlretrieve_download_file(url, dest_path): """ * https://docs.python.org/2/library/urllib.html#urllib.urlretrieve """ (filename, headers) = urlllib.urlretrieve(url, dest_path) return (url, filename) # In[14]: def deduplicate_on_attr(nodes, attr='image_basename'): attrindex = collections.OrderedDict() for node in nodes: attrindex.setdefault(node[attr], []) attrindex[node[attr]].append(node) return attrindex def check_for_key_collisions(dict_of_lists): for name, _nodes in dict_of_lists.items(): if len(_nodes) > 1: raise Exception(('duplicate filenames:') (name, nodes)) attrindex = deduplicate_on_attr(goal_tiles, attr='image_basename') check_for_key_collisions(attrindex) # IMG_DIR = DATA_DIR / 'images' IMG_DIR.makedirs_p() def download_goal_tile_images(nodes, img_path): for node in nodes: dest_path = img_path / node['image_basename'] source_url = node['image'] (url, dest) = requests_download_file(source_url, dest_path) node['image_path'] = dest print((node['n'], node['name'])) print((node['image_path'])) # time.sleep(1) # see: requests_cache download_goal_tile_images(goal_tiles, IMG_DIR) tiles_jsonld = goal_tiles_to_jsonld(goal_tiles) print(json.dumps(tiles_jsonld, indent=2)) # In[15]: #import jupyter.display as display import IPython.display as display display.Image(goal_tiles[0]['image_path']) # In[16]: import IPython.display for tile in goal_tiles: x = IPython.display.Image(tile['image_path']) x # In[17]: import IPython.display def display_goal_images(): for tile in goal_tiles: yield IPython.display.Image(tile['image_path']) x = list(display_goal_images()) #pp(x) IPython.display.display(*x) # In[18]: import string print(string.punctuation) NOT_URI_CHARS = dict.fromkeys(string.punctuation + string.digits) NOT_URI_CHARS.pop('-') NOT_URI_CHARS.pop('_') def _slugify(txt): """an ~approximate slugify function for human-readable URI #fragments""" txt = txt.strip().lower() chars = ( (c if c != ' ' else '-') for c in txt if c not in NOT_URI_CHARS) return u''.join(chars) def _slugify_single_dash(txt): """ * unlike docutils, this function does not strip stopwords like 'and' and 'or' TODO: locate this method in docutils """ def _one_dash_only(txt): count = 0 for char in txt: if char == '-': count += 1 else: if count: yield '-' yield char count = 0 return u''.join(_one_dash_only(_slugify(txt))) for node in goal_tiles: node['name_numbered'] = "%d. %s" % (node['n'], node['name']) node['slug_rst'] = _slugify_single_dash(node['name']) node['slug_md'] = _slugify_single_dash(node['name']) print_json_dumps(goal_tiles) # In[19]: import IPython.display def display_goal_images(): for tile in goal_tiles: yield IPython.display.Markdown("## %s" % tile['name_numbered']) yield IPython.display.Image(tile['image_path']) yield IPython.display.Markdown(tile['tweet_txt'].replace('##', '\##')) x = list(display_goal_images()) #pp(x) IPython.display.display(*x) # In[20]: TMPL_RST = """ The Global Goals ****************** .. contents:: {% for node in nodes %} {{ node['name_numbered'] }} ====================================================== | {{ node['url'] }} .. image:: {{ node['image'] }}{# node['image_path'] #} :target: {{ node['url'] }} :alt: {{ node['name'] }} .. {{ node['tweet_txt'] }} {% endfor %} """ tmpl_rst = jinja2.Template(TMPL_RST) output_rst = tmpl_rst.render(nodes=goal_tiles) print(output_rst) # In[21]: output_rst_path = DATA_DIR / 'globalgoals.rst' with codecs.open(output_rst_path, 'w', encoding='utf-8') as f: f.write(output_rst) print("# wrote goals to %r" % output_rst_path) # In[22]: import docutils.core output_rst_html = docutils.core.publish_string(output_rst, writer_name='html') print(bs4.BeautifulSoup(output_rst_html).find(id='the-global-goals')) # In[23]: IPython.display.HTML(output_rst_html) # In[24]: TMPL_MD = """ # The Global Goals **Contents:** {% for node in nodes %} * [{{ node['name_numbered'] }}](#{{ node['slug_md'] }}) {%- endfor %} {% for node in nodes %} ## {{ node['name_numbered'] }} {{ node['url'] }} [![{{node['name_numbered']}}]({{ node['image'] }})]({{ node['url'] }}) > {{ node['tweet_txt'] }} {% endfor %} """ tmpl_md = jinja2.Template(TMPL_MD) output_markdown = tmpl_md.render(nodes=goal_tiles) print(output_markdown) # In[25]: output_md_path = DATA_DIR / 'globalgoals.md' with codecs.open(output_md_path, 'w', encoding='utf-8') as f: f.write(output_markdown) print("# wrote goals to %r" % output_md_path) # In[26]: IPython.display.Markdown(output_markdown) # In[27]: context = dict(nodes=goal_tiles) # In[28]: TMPL_HTML = """ <h1>The Global Goals</h1> <h2>Contents:</h2> {% for node in nodes %} <li><a href="#{{node.slug_md}}">{{node.name_numbered}}</a></li> {%- endfor %} {% for node in nodes %} <div class="goal-tile"> <h2><a name="#{{node.slug_md}}">{{ node.name_numbered }}</a></h2> <a href="{{node.url}}">{{node.url}} </a> <a href="{{node.url}}"> <img src="{{node.image}}" alt="{{node.name_numbered}}"/>{{node.url}} </a> <div style="margin-left: 12px"> {{ node.tweet_txt }} </div> </div> {% endfor %} """ tmpl_html = jinja2.Template(TMPL_HTML) output_html = tmpl_html.render(**context) print(output_html) # In[29]: output_html_path = DATA_DIR / 'globalgoals.html' with codecs.open(output_html_path, 'w', encoding='utf-8') as f: f.write(output_html) print("# wrote goals to %r" % output_html_path) # In[30]: IPython.display.HTML(output_html) # In[31]: import jinja2 # TODO: prefix un: TMPL_RDFA_HTML5 = (""" <div prefix="schema: http://schema.org/ un: http://schema.un.org/#"> <h1>The Global Goals</h1> <h2>Contents:</h2> {%- for node in nodes %} <li><a href="#{{node.slug_md}}">{{node.name_numbered}}</a></li> {%- endfor %} {% for node in nodes %} <div class="goal-tile" resource="{{node.url}}" typeof="un:GlobalGoal"> <div style="display:none"> <meta property="schema:name">{{node.name}}</meta> <meta property="schema:image">{{node.image}}</meta> <meta property="#n">{{node.n}}</meta> </div> <h2><a name="#{{node.slug_md}}">{{ node.name_numbered }}</a></h2> <a property="schema:url" href="{{node.url}}">{{node.url}} </a> <a href="{{node.url}}"> <img src="{{node.image}}" alt="{{node.name_numbered}}"/>{{node.url}} </a> <div style="margin-left: 12px"> {{ node.tweet_txt }} </div> </div> {% endfor %} </div> """ ) tmpl_rdfa_html5 = jinja2.Template(TMPL_RDFA_HTML5) output_rdfa_html5 = tmpl_rdfa_html5.render(**context) print(output_rdfa_html5) # In[32]: output_rdfa_html5_path = DATA_DIR / 'globalgoals.rdfa.html5.html' with codecs.open(output_rdfa_html5_path, 'w', encoding='utf-8') as f: f.write(output_rdfa_html5_path) print("# wrote goals to %r" % output_rdfa_html5_path) # In[33]: IPython.display.HTML(output_rdfa_html5) # In[34]: # tmpl_html # tmpl_rdfa_html5 import difflib for line in difflib.unified_diff( TMPL_HTML.splitlines(), TMPL_RDFA_HTML5.splitlines()): print(line)
fee2e7e85fd97f95bfea8e5a4c9bfbaf48c5d3df
e204623da7c836b95f209cc7fb357dc0b7f60548
/meetings/admin.py
0d6435eab6b99696f4439688f520fcfc68c0a66a
[]
no_license
juliocebrito/syfboyaca4gavantel
9551db0a9b74dadf831362ceb0f685a482afa828
c9e9cc5f591dddaa53e3d1fd3db50d16d34424d7
refs/heads/master
2022-04-30T00:06:57.239452
2019-08-05T15:12:23
2019-08-05T15:12:23
196,095,965
0
0
null
2022-04-22T22:00:52
2019-07-09T23:08:12
JavaScript
UTF-8
Python
false
false
975
py
from django.contrib import admin from .models import Meeting, Point class PointInline(admin.TabularInline): model = Point @admin.register(Meeting) class MeetingAdmin(admin.ModelAdmin): resource_class = Meeting list_display = ( 'id', 'date', 'type_meeting', 'state', 'sub_state', 'created_at', 'updated_at', ) list_filter = ('state', 'sub_state', 'created_at', 'updated_at') search_fields = ['id', 'date', 'type_meeting'] inlines = [PointInline] @admin.register(Point) class PointAdmin(admin.ModelAdmin): resource_class = Point list_display = ( 'id', 'meeting', 'name', 'description', 'comments', 'point_state', 'state', 'sub_state', 'created_at', 'updated_at', ) list_filter = ('state', 'sub_state', 'created_at', 'updated_at') search_fields = ['id', 'meeting', 'name', 'point_state']
dc9c1fe37255938851aaf3a338906fbb2638fc4b
fa93e53a9eee6cb476b8998d62067fce2fbcea13
/devel/.private/pal_navigation_msgs/lib/python2.7/dist-packages/pal_navigation_msgs/msg/_Emergency.py
8a07633f4c000d1376f965e9af610397e31a6813
[]
no_license
oyetripathi/ROS_conclusion_project
2947ee2f575ddf05480dabc69cf8af3c2df53f73
01e71350437d57d8112b6cec298f89fc8291fb5f
refs/heads/master
2023-06-30T00:38:29.711137
2021-08-05T09:17:54
2021-08-05T09:17:54
392,716,311
0
1
null
null
null
null
UTF-8
Python
false
false
6,296
py
# This Python file uses the following encoding: utf-8 """autogenerated by genpy from pal_navigation_msgs/Emergency.msg. Do not edit.""" import codecs import sys python3 = True if sys.hexversion > 0x03000000 else False import genpy import struct import std_msgs.msg class Emergency(genpy.Message): _md5sum = "a23e1ed551a213a5d03f1cf6db037717" _type = "pal_navigation_msgs/Emergency" _has_header = False # flag to mark the presence of a Header object _full_text = """# Emergency stop msg bool data bool forward bool backward std_msgs/String[] msgs ================================================================================ MSG: std_msgs/String string data """ __slots__ = ['data','forward','backward','msgs'] _slot_types = ['bool','bool','bool','std_msgs/String[]'] def __init__(self, *args, **kwds): """ Constructor. Any message fields that are implicitly/explicitly set to None will be assigned a default value. The recommend use is keyword arguments as this is more robust to future message changes. You cannot mix in-order arguments and keyword arguments. The available fields are: data,forward,backward,msgs :param args: complete set of field values, in .msg order :param kwds: use keyword arguments corresponding to message field names to set specific fields. """ if args or kwds: super(Emergency, self).__init__(*args, **kwds) # message fields cannot be None, assign default values for those that are if self.data is None: self.data = False if self.forward is None: self.forward = False if self.backward is None: self.backward = False if self.msgs is None: self.msgs = [] else: self.data = False self.forward = False self.backward = False self.msgs = [] def _get_types(self): """ internal API method """ return self._slot_types def serialize(self, buff): """ serialize message into buffer :param buff: buffer, ``StringIO`` """ try: _x = self buff.write(_get_struct_3B().pack(_x.data, _x.forward, _x.backward)) length = len(self.msgs) buff.write(_struct_I.pack(length)) for val1 in self.msgs: _x = val1.data length = len(_x) if python3 or type(_x) == unicode: _x = _x.encode('utf-8') length = len(_x) buff.write(struct.Struct('<I%ss'%length).pack(length, _x)) except struct.error as se: self._check_types(struct.error("%s: '%s' when writing '%s'" % (type(se), str(se), str(locals().get('_x', self))))) except TypeError as te: self._check_types(ValueError("%s: '%s' when writing '%s'" % (type(te), str(te), str(locals().get('_x', self))))) def deserialize(self, str): """ unpack serialized message in str into this message instance :param str: byte array of serialized message, ``str`` """ if python3: codecs.lookup_error("rosmsg").msg_type = self._type try: if self.msgs is None: self.msgs = None end = 0 _x = self start = end end += 3 (_x.data, _x.forward, _x.backward,) = _get_struct_3B().unpack(str[start:end]) self.data = bool(self.data) self.forward = bool(self.forward) self.backward = bool(self.backward) start = end end += 4 (length,) = _struct_I.unpack(str[start:end]) self.msgs = [] for i in range(0, length): val1 = std_msgs.msg.String() start = end end += 4 (length,) = _struct_I.unpack(str[start:end]) start = end end += length if python3: val1.data = str[start:end].decode('utf-8', 'rosmsg') else: val1.data = str[start:end] self.msgs.append(val1) return self except struct.error as e: raise genpy.DeserializationError(e) # most likely buffer underfill def serialize_numpy(self, buff, numpy): """ serialize message with numpy array types into buffer :param buff: buffer, ``StringIO`` :param numpy: numpy python module """ try: _x = self buff.write(_get_struct_3B().pack(_x.data, _x.forward, _x.backward)) length = len(self.msgs) buff.write(_struct_I.pack(length)) for val1 in self.msgs: _x = val1.data length = len(_x) if python3 or type(_x) == unicode: _x = _x.encode('utf-8') length = len(_x) buff.write(struct.Struct('<I%ss'%length).pack(length, _x)) except struct.error as se: self._check_types(struct.error("%s: '%s' when writing '%s'" % (type(se), str(se), str(locals().get('_x', self))))) except TypeError as te: self._check_types(ValueError("%s: '%s' when writing '%s'" % (type(te), str(te), str(locals().get('_x', self))))) def deserialize_numpy(self, str, numpy): """ unpack serialized message in str into this message instance using numpy for array types :param str: byte array of serialized message, ``str`` :param numpy: numpy python module """ if python3: codecs.lookup_error("rosmsg").msg_type = self._type try: if self.msgs is None: self.msgs = None end = 0 _x = self start = end end += 3 (_x.data, _x.forward, _x.backward,) = _get_struct_3B().unpack(str[start:end]) self.data = bool(self.data) self.forward = bool(self.forward) self.backward = bool(self.backward) start = end end += 4 (length,) = _struct_I.unpack(str[start:end]) self.msgs = [] for i in range(0, length): val1 = std_msgs.msg.String() start = end end += 4 (length,) = _struct_I.unpack(str[start:end]) start = end end += length if python3: val1.data = str[start:end].decode('utf-8', 'rosmsg') else: val1.data = str[start:end] self.msgs.append(val1) return self except struct.error as e: raise genpy.DeserializationError(e) # most likely buffer underfill _struct_I = genpy.struct_I def _get_struct_I(): global _struct_I return _struct_I _struct_3B = None def _get_struct_3B(): global _struct_3B if _struct_3B is None: _struct_3B = struct.Struct("<3B") return _struct_3B
e0718b4f12184db6ea4c15fbd4918f1f3212a582
8e39a4f4ae1e8e88d3b2d731059689ad5b201a56
/lib32-apps/lib32-libXext/lib32-libXext-1.3.3.py
773e23325d398e9fbe0d784a04ec5d4ef87625a4
[]
no_license
wdysln/new
d5f5193f81a1827769085932ab7327bb10ef648e
b643824b26148e71859a1afe4518fe05a79d333c
refs/heads/master
2020-05-31T00:12:05.114056
2016-01-04T11:38:40
2016-01-04T11:38:40
37,287,357
1
1
null
null
null
null
UTF-8
Python
false
false
359
py
metadata = """ summary @ 11 miscellaneous extensions library homepage @ http://xorg.freedesktop.org/ license @ MIT src_url @ http://xorg.freedesktop.org/releases/individual/lib/libXext-$version.tar.bz2 arch @ ~x86_64 """ depends = """ runtime @ sys-libs/glibc x11-libs/libX11 x11-proto/xextproto """ srcdir = "libXext-%s" % version get("main/lib32_utils")
0ee0628059ce0bbdb5a337a48cab93a60ec822f8
468f7b1d7639e2465b2ba4e0f960c8a75a10eb89
/kerasAC/cross_validate.py
8322e8d37895ddfb25a8c3cf60d3670904215752
[ "MIT" ]
permissive
soumyakundu/kerasAC
874a7453044050afa3198c5bd3c34185b53ea571
f692abf1c6003a9f0d917117f3579a0746ed3b5a
refs/heads/master
2020-04-23T04:34:10.659657
2019-02-14T23:01:42
2019-02-14T23:01:42
156,909,046
0
0
null
2019-02-15T18:13:21
2018-11-09T19:32:57
Python
UTF-8
Python
false
false
6,381
py
from .splits import * from .config import args_object_from_args_dict from .train import * from .predict import * from .interpret import * import argparse import pdb def parse_args(): parser=argparse.ArgumentParser(add_help=True) parser.add_argument("--multi_gpu",action="store_true",default=False) parser.add_argument("--assembly",default="hg19") parser.add_argument("--data_path",help="path that stores training/validation/test data") parser.add_argument("--model_hdf5",required=True) parser.add_argument("--batch_size",type=int,default=1000) parser.add_argument("--init_weights",default=None) parser.add_argument("--ref_fasta",default="/mnt/data/annotations/by_release/hg19.GRCh37/hg19.genome.fa") parser.add_argument("--w1_w0_file",default=None) parser.add_argument("--save_w1_w0", default=None,help="output text file to save w1 and w0 to") parser.add_argument("--weighted",action="store_true") parser.add_argument('--w1',nargs="*", type=float, default=None) parser.add_argument('--w0',nargs="*", type=float, default=None) parser.add_argument("--from_checkpoint_weights",default=None) parser.add_argument("--from_checkpoint_arch",default=None) parser.add_argument("--num_tasks",required=True,type=int) parser.add_argument("--num_train",type=int,default=700000) parser.add_argument("--num_valid",type=int,default=150000) #add functionality to train on individuals' allele frequencies parser.add_argument("--vcf_file",default=None) parser.add_argument("--global_vcf",action="store_true") parser.add_argument("--revcomp",action="store_true") parser.add_argument("--epochs",type=int,default=40) parser.add_argument("--patience",type=int,default=3) parser.add_argument("--patience_lr",type=int,default=2,help="number of epochs with no drop in validation loss after which to reduce lr") parser.add_argument("--architecture_spec",type=str,default="basset_architecture_multitask") parser.add_argument("--architecture_from_file",type=str,default=None) parser.add_argument("--tensorboard",action="store_true") parser.add_argument("--tensorboard_logdir",default="logs") parser.add_argument("--squeeze_input_for_gru",action="store_true") parser.add_argument("--seed",type=int,default=1234) parser.add_argument("--train_upsample", type=float, default=None) parser.add_argument("--valid_upsample", type=float, default=None) parser.add_argument("--threads",type=int,default=1) parser.add_argument("--max_queue_size",type=int,default=100) parser.add_argument('--weights',help='weights file for the model') parser.add_argument('--yaml',help='yaml file for the model') parser.add_argument('--json',help='json file for the model') parser.add_argument('--predict_chroms',default=None) parser.add_argument('--data_hammock',help='input file is in hammock format, with unique id for each peak') parser.add_argument('--variant_bed') parser.add_argument('--predictions_pickle',help='name of pickle to save predictions',default=None) parser.add_argument('--accuracy_metrics_file',help='file name to save accuracy metrics',default=None) parser.add_argument('--predictions_pickle_to_load',help="if predictions have already been generated, provide a pickle with them to just compute the accuracy metrics",default=None) parser.add_argument('--background_freqs',default=None) parser.add_argument('--flank',default=500,type=int) parser.add_argument('--mask',default=10,type=int) parser.add_argument('--center_on_summit',default=False,action='store_true',help="if this is set to true, the peak will be centered at the summit (must be last entry in bed file or hammock) and expanded args.flank to the left and right") parser.add_argument("--interpret_chroms",nargs="*") parser.add_argument("--interpretation_outf",default=None) parser.add_argument("--method",choices=['gradxinput','deeplift'],default="deeplift") parser.add_argument('--task_id',type=int) parser.add_argument('--chromsizes',default='/mnt/data/annotations/by_release/hg19.GRCh37/hg19.chrom.sizes') parser.add_argument("--interpret",action="store_true",default=False) return parser.parse_args() def cross_validate(args): if type(args)==type({}): args=args_object_from_args_dict(args) #run training on each of the splits if args.assembly not in splits: raise Exception("Unsupported genome assembly:"+args.assembly+". Supported assemblies include:"+str(splits.keys())+"; add splits for this assembly to splits.py file") args_dict=vars(args) print(args_dict) base_model_file=str(args_dict['model_hdf5']) base_accuracy_file=str(args_dict['accuracy_metrics_file']) base_interpretation=str(args_dict['interpretation_outf']) base_predictions_pickle=str(args_dict['predictions_pickle']) for split in splits[args.assembly]: print("Starting split:"+str(split)) test_chroms=splits[args.assembly][split]['test'] validation_chroms=splits[args.assembly][split]['valid'] train_chroms=list(set(chroms[args.assembly])-set(test_chroms+validation_chroms)) #convert args to dict args_dict=vars(args) args_dict['train_chroms']=train_chroms args_dict['validation_chroms']=validation_chroms #set the training arguments specific to this fold args_dict['model_hdf5']=base_model_file+"."+str(split) print("Training model") train(args_dict) #set the prediction arguments specific to this fold if args.save_w1_w0!=None: args_dict["w1_w0_file"]=args.save_w1_w0 args_dict['accuracy_metrics_file']=base_accuracy_file+"."+str(split) args_dict['predictions_pickle']=base_predictions_pickle+"."+str(split) args_dict['predict_chroms']=test_chroms print("Calculating predictions on the test fold") predict(args_dict) if args.interpret==True: args_dict['interpret_chroms']=test_chroms args_dict['interpretation_outf']=base_interpretation+'.'+str(split) print("Running interpretation on the test fold") interpret(args_dict) def main(): args=parse_args() cross_validate(args) if __name__=="__main__": main()
a1ee9dd36bec6ac5b2c5fcfb664c79cf089b0fd3
944d3c07a3e0edb65f41a4a302f494e6b44e3f45
/nntoolbox/callbacks/lookahead.py
d87b7f399790c6d799238d7cf9b99033b6816ce0
[ "Apache-2.0", "LicenseRef-scancode-unknown-license-reference" ]
permissive
nhatsmrt/nn-toolbox
acbc753d6081ed1e2ed91ac0fd3343287c78a094
689b9924d3c88a433f8f350b89c13a878ac7d7c3
refs/heads/master
2022-12-05T21:11:23.725346
2021-08-15T17:03:34
2021-08-15T17:03:34
189,150,286
19
3
Apache-2.0
2023-09-08T19:29:53
2019-05-29T04:25:16
Python
UTF-8
Python
false
false
2,535
py
from .callbacks import Callback from ..utils import copy_model, get_device from typing import Dict, Any from torch.nn import Module __all__ = ['LookaheadOptimizer'] class LookaheadOptimizer(Callback): """ Lookahead Optimizer: Keep track of a set of "slow weights", which only update periodically. (UNTESTED) References: Michael R. Zhang, James Lucas, Geoffrey Hinton, Jimmy Ba. "Lookahead Optimizer: k steps forward, 1 step back." https://arxiv.org/abs/1907.08610 """ def __init__( self, step_size: float=0.5, update_every: int=1, timescale: str="iter", device=get_device() ): """ https://arxiv.org/pdf/1803.05407.pdf :param model: the model currently being trained :param step_size: the stepsize for slow weight update :param average_after: the first epoch to start averaging :param update_every: how many epochs/iters between each average update """ assert timescale == "epoch" or timescale == "iter" self.step_size = step_size self._update_every = update_every self._timescale = timescale self._device = device def on_train_begin(self): self._model = self.learner._model self._model_slow = copy_model(self._model).to(self._device) def on_epoch_end(self, logs: Dict[str, Any]) -> bool: if self._timescale == "epoch": if logs["epoch"] % self._update_every == 0: self.update_slow_weights() print("Update slow weights after epoch " + str(logs["epoch"])) return False def on_batch_end(self, logs: Dict[str, Any]): if self._timescale == "iter": if logs["iter_cnt"] % self._update_every == 0: self.update_slow_weights() print("Update slow weights after iteration " + str(logs["iter_cnt"])) def on_train_end(self): self._model_slow.to(self.learner._device) for inputs, labels in self.learner._train_data: self._model_slow(inputs.to(self.learner._device)) self.learner._model = self._model_slow def update_slow_weights(self): for model_p, slow_p in zip(self._model.parameters(), self._model_slow.parameters()): slow_p.data.add_(self.step_size * (model_p.data.to(slow_p.data.dtype) - slow_p.data)) def get_final_model(self) -> Module: """ Return the post-training average model :return: the averaged model """ return self._model_slow
066f1468dcad77bbbba420be664825ae167ba1e7
f6252f763b46053d81ffcc19919a5adcb0fff069
/trax/tf_numpy/numpy/tests/utils_test.py
2558976fd867d9db4baf0bf87b1ce79b48145b68
[ "Apache-2.0" ]
permissive
codespeakers/trax
ee5da9e39b83b173034ff2638d856dec38e9675a
9fc11bca7accda0394d629cac96558f4539d7f61
refs/heads/master
2020-12-14T15:50:49.634706
2020-01-18T20:52:27
2020-01-18T20:52:27
234,796,218
0
0
Apache-2.0
2020-01-18T20:51:52
2020-01-18T20:51:51
null
UTF-8
Python
false
false
1,847
py
# coding=utf-8 # Copyright 2019 The Trax Authors. # # 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. """Tests for utils.py.""" from __future__ import absolute_import from __future__ import division from __future__ import print_function import tensorflow.compat.v2 as tf from trax.tf_numpy.numpy import utils class UtilsTest(tf.test.TestCase): # pylint: disable=unused-argument def testNpDoc(self): def np_fun(x): """np_fun docstring.""" return @utils.np_doc(np_fun) def f(): """f docstring.""" return expected = """TensorFlow variant of `numpy.np_fun`. Unsupported arguments: `x`. f docstring. Documentation for `numpy.np_fun`: np_fun docstring.""" self.assertEqual(f.__doc__, expected) def testNpDocErrors(self): def np_fun(x, y=1, **kwargs): return # pylint: disable=unused-variable with self.assertRaisesRegexp(TypeError, 'Cannot find parameter'): @utils.np_doc(np_fun) def f1(a): return with self.assertRaisesRegexp(TypeError, 'is of kind'): @utils.np_doc(np_fun) def f2(x, kwargs): return with self.assertRaisesRegexp( TypeError, 'Parameter "y" should have a default value'): @utils.np_doc(np_fun) def f3(x, y): return if __name__ == '__main__': tf.enable_v2_behavior() tf.test.main()
1d77cbfd80b1f6ec236953a1d767cc6340842c4f
c858d9511cdb6a6ca723cd2dd05827d281fa764d
/MFTU/lesson 8/practice/minkowski_curve.py
b1f2a0c187c3359f45a4c64ed166b194bb559ba2
[]
no_license
DontTouchMyMind/education
0c904aa929cb5349d7af7e06d9b1bbaab972ef95
32a53eb4086b730cc116e633f68cf01f3d4ec1d1
refs/heads/master
2021-03-12T11:15:02.479779
2020-09-17T08:19:50
2020-09-17T08:19:50
246,616,542
0
0
null
null
null
null
UTF-8
Python
false
false
671
py
from turtle import * shape('turtle') speed() size = 50 def minkowski_curve(length, n): """ Function draws a minkowski curve :param length: simple line length :param n: recursion depth :return: """ if n == 0: forward(length) return minkowski_curve(length, n - 1) left(90) minkowski_curve(length, n - 1) right(90) minkowski_curve(length, n - 1) right(90) minkowski_curve(length, n - 1) minkowski_curve(length, n - 1) left(90) minkowski_curve(length, n - 1) left(90) minkowski_curve(length, n - 1) right(90) minkowski_curve(length, n - 1) minkowski_curve(size / 4, 5)
219ecdcca20b2b6ae2df729c0b04f80903956b35
f84998eddfe0800e525a5ef34dd8fac1898665b2
/pyski/pyski.py
1594fda402a49ea6f246a07eb80280dcf44b5817
[ "MIT" ]
permissive
asmodehn/adam
76fdd8b7e54c50b20b87309609452293dbc76123
98060d76c3aebbada257cd348532509bb2986a5d
refs/heads/master
2023-09-03T11:28:40.023415
2017-12-01T15:50:38
2017-12-01T15:50:38
106,175,072
1
0
null
null
null
null
UTF-8
Python
false
false
8,011
py
import sys import cmd import types from inspect import signature from svm import stk_set, stk_get, dup, drop, swap, over, rot #TODO : unify interface using list of args. # combinators # Note how we apply only the immediate composition for B. def B(x, y, z): return x, y(z) def C(x, y, z): return x, z, y def K(x, y): return x def W(x, y): return x, y, y class StackREPL(cmd.Cmd): """ Design notes. Cmd is based on the usual model of command + params, or function + arguments. We want to have a stack based concatenative language, so we need to find the middle ground here... Each time the user type return, one computation is effectuated First computation is the current input line (command style) if there is one otherwise current stack (last first) Any unknown word will be added to the stack and only considered as (unknown symbolic) param, not command. """ intro = 'Welcome to pyski. Type help or ? to list commands.\n' prompt = ' ' file = None # defining basic combinators with the host language features env = { 'B': lambda *args: args, 'C': lambda x, y, z: x(y)(z), 'K': lambda x: x, 'W': lambda x: x, } # interpreter with the host language features def evl(self, xpr): for c in xpr: try: yield StackREPL.cmb[c] except Exception: raise # TODO : proper handling... def prompt_refresh(self): # note : we need the reversed stack for a left prompt self.prompt = " ".join(reversed(tuple(stk_get()))) + ' ' def do_dup(self, arg): """duplicates its argument and push it up to the stack. Extra arguments are treated before, following stack semantics. This might seem a bit confusing and might be improved by switching prefix/postfix input semantics and repl design... """ stk_set(*dup(*stk_get())) def do_drop(self, arg): stk_set(*drop(*stk_get())) def do_swap(self, arg): stk_set(*swap(*stk_get())) def do_over(self, arg): stk_set(*over(*stk_get())) def do_rot(self, arg): stk_set(*rot(*stk_get())) def default(self, line): """Called on an input line when the command prefix is not recognized. This method automatically adds the command as undefined word, and recurse on argument (until one known command is found). """ # lets extract the command cmd, arg, line = self.parseline(line) if cmd: # checking for '' # an add it to the stack (PUSH) stk_set(cmd, *stk_get()) def emptyline(self): """ Called when the input line is empty This executes one computation on the existing stack :return: """ stkline = " ".join(stk_get()) if stkline: self.onecmd(stkline) # this parse in the opposite direction # def parseline(self, line): # """Parse the line into a command name and a string containing # the arguments. Returns a tuple containing (command, args, line). # 'command' and 'args' may be None if the line couldn't be parsed. # # Note this is the reverse as the default cmd implementation : the last word is the command. # """ # line = line.strip() # if not line: # return None, None, line # elif line[-1] == '?': # line = line[:-1] + ' help' # elif line[-1] == '!': # if hasattr(self, 'do_shell'): # line = line[:-1] + ' shell' # else: # return None, None, line # i, n = 0, len(line) # while i < n and line[-i] in self.identchars: i = i + 1 # cmd, arg = line[-i:].strip(), line[:-i] # # return cmd, arg, line def parseline(self, line): """Parse the line into a command name and a string containing the arguments. Returns a tuple containing (command, args, line). 'command' and 'args' may be None if the line couldn't be parsed. """ line = line.strip() if not line: return None, None, line elif line[0] == '?': line = 'help ' + line[1:] elif line[0] == '!': if hasattr(self, 'do_shell'): line = 'shell ' + line[1:] else: return None, None, line i, n = 0, len(line) while i < n and line[i] in self.identchars: i = i+1 cmd, arg = line[:i], line[i:].strip() return cmd, arg, line def postcmd(self, stop, line): """Hook method executed just after a command dispatch is finished.""" cmd, arg, line = self.parseline(line) if arg: # keep rest of the line in cmdqueue, and execute it in cmdloop. self.cmdqueue.append(arg) # update prompt self.prompt_refresh() return stop # basic REPL commands # def do_help(self, arg): # "" # def do_shell(self, arg): # "" def do_eof(self, arg): 'Stop recording, close the pyski window, and exit.' print('Thank you for using pyski') self.close() return True # ----- record and playback ----- def do_record(self, arg): 'Save future commands to filename: RECORD rose.cmd' self.file = open(arg, 'w') def do_playback(self, arg): 'Playback commands from a file: PLAYBACK rose.cmd' self.close() with open(arg) as f: self.cmdqueue.extend(f.read().splitlines()) def precmd(self, line): line = line.lower() if self.file and 'playback' not in line: print(line, file=self.file) return line def close(self): if self.file: self.file.close() self.file = None if __name__ == '__main__': StackREPL().cmdloop() # TODO : separate the evaluator- loop from the read / print loop, to allow to implement word rewriting as a "view/controller" only, # where the evaluator is kind of the model (on top of the VM for operational semantics, and some type checker/theorem proofer for denotational semantics)... # maybe even with network protocol in between. # HOWEVER the read/print entire state must be kept in the evaluator or the VM (and per user) # => Our evaluator (as a reflective tower) is always running (in a specific location) , like a server, and need a second input interface to manipulate the stored read/print state. # Maybe the read/print state could also be linked to the tower level ??? # an evaluator can usually be split into a free monad and an interpretor. So maybe we need another construct here... # But the Free Monad might be the correct math concept that is necessary for a "location" => where current state of computation is kept. # Comparing with living system theory, encoder/decoder is not needed in homoiconic language, channel, net and time are hardware devices that can be interfaced with teh language somehow, and associator, decider and memory are all done by the free monad implementation. # The transducer is the interpreter. # This seems to suggest there would be more to the free monad than just a monad ( how to actually reflection, continuations, etc. ??)... # It seems also that the free monad could be the place to store configuration of the ditor as well as hte place to implement "optimization" features for the language # (for ex. a term configured in editor and always used could have a direct VM implementation, rather than rewrite it, and use hte implementation of each of its parts...) # Maybe there should be a configurable term rewritter between the monad and the interpreter ?? It would rewrite what is unknown by the free monad into what is known... We still need to understand how this is different from the actual interpreter... # We should keep all this on the side for later, after the curses based view has been developed.
f1c4caad5266b2e17020cc4bd4dbf9a3098a0328
50a7c55e00b661746fc953ee4940a8f3bf976b18
/re/finditer.py
1b7d9113e6a970ba95af69dd0b1a2430e16c9f36
[]
no_license
cponeill/pymotw-practice-examples
a9e049a5aee671c8bfc958c6a5bfcfb764f12444
6e87ca8be925bc103afb7c0f80da8a69f1e80a4c
refs/heads/master
2021-01-13T13:14:39.216035
2017-10-25T14:31:58
2017-10-25T14:31:58
72,708,203
1
0
null
null
null
null
UTF-8
Python
false
false
212
py
# finditer.py import re text = 'abbaaabbbbaaaaa' pattern = 'ab' for match in re.finditer(pattern, text): s = match.start() e = match.end() print('Found {!r} at {:d}:{:d}'.format(text[s:e], s, e))
2e8692153e8631b8e0a381191beddedb83a9b760
5e601244fbf32ee5190fb5210a0cd334473a0abe
/projects/WindowsSystemOps/Services/pyAutoResetPrinterWin32.py
c9fdba47c8f7031abcb85ddd9dc5a51b53b36df7
[]
no_license
DingGuodong/LinuxBashShellScriptForOps
69ebe45cf3f92b741a078b9b78c2600328ce9b9e
b2ca1e4c870626dd078d447e2d1479b08602bdf6
refs/heads/master
2023-08-21T20:53:40.617397
2023-07-17T01:41:05
2023-07-17T01:41:05
57,015,255
453
343
null
2023-02-16T01:29:23
2016-04-25T05:55:28
Python
UTF-8
Python
false
false
8,573
py
#!/usr/bin/python # encoding: utf-8 # -*- coding: utf-8 -*- """ Created by PyCharm. File Name: LinuxBashShellScriptForOps:pyAutoResetPrinterWin32.py Version: 0.0.1 Author: Guodong Author Email: [email protected] URL: https://github.com/DingGuodong/LinuxBashShellScriptForOps Download URL: https://github.com/DingGuodong/LinuxBashShellScriptForOps/tarball/master Create Date: 2018/10/10 Create Time: 10:44 Description: auto reset Spooler(Print Spooler) service when printer failure occurs Long Description: References: http://timgolden.me.uk/pywin32-docs/win32print.html Prerequisites: pypiwin32: pip install pypiwin32 Optional: install 'pywin32' Development Status: 3 - Alpha, 5 - Production/Stable Environment: Console Intended Audience: System Administrators, Developers, End Users/Desktop License: Freeware, Freely Distributable Natural Language: English, Chinese (Simplified) Operating System: POSIX :: Linux, Microsoft :: Windows Programming Language: Python :: 2.6 Programming Language: Python :: 2.7 Topic: Utilities """ import os import sys import time from collections import Counter from hashlib import md5 import win32print import win32service import win32serviceutil def reset_printer(): """ Note: administrator privilege is required this function do three things: 1. stop Print Spooler service 2. delete all job files 3. start Print Spooler service :return: """ service_name = 'spooler'.capitalize() win_dir = os.environ.get('windir', r'C:\Windows') printer_path = r"System32\spool\PRINTERS" path = os.path.join(win_dir, printer_path) status_code_map = { 0: "UNKNOWN", 1: "STOPPED", 2: "START_PENDING", 3: "STOP_PENDING", 4: "RUNNING" } print "printer spool folder is: %s" % path if os.path.exists(path): if os.listdir(path): print "reset printer spooler service in progress ..." status_code = win32serviceutil.QueryServiceStatus(service_name)[1] if status_code == win32service.SERVICE_RUNNING or status_code == win32service.SERVICE_START_PENDING: print "stopping service {service}".format(service=service_name) win32serviceutil.StopService(serviceName=service_name) # waiting for service stop, in case of WindowsError exception # 'WindowsError: [Error 32]' which means # 'The process cannot access the file because it is being used by another process'. running_flag = True while running_flag: print "waiting for service {service} stop.".format(service=service_name) status_code = win32serviceutil.QueryServiceStatus(service_name)[1] time.sleep(2) if status_code == win32service.SERVICE_STOPPED: running_flag = False for top, dirs, nondirs in os.walk(path, followlinks=True): for item in nondirs: path_to_remove = os.path.join(top, item) try: os.remove(path_to_remove) except WindowsError: time.sleep(2) r""" KNOWN ISSUE: It will also can NOT remove some files in some Windows, such as 'Windows Server 2012' Because file maybe used by a program named "Print Filter Pipeline Host", "C:\Windows\System32\printfilterpipelinesvc.exe" It will throw out 'WindowsError: [Error 32]' exception again. """ os.remove(path_to_remove) except Exception as e: print e print e.args print e.message print "file removed: {file}".format(file=path_to_remove) status_code = win32serviceutil.QueryServiceStatus(service_name)[1] if status_code != win32service.SERVICE_RUNNING and status_code != win32service.SERVICE_START_PENDING: print "starting service {service}".format(service=service_name) win32serviceutil.StartService(serviceName=service_name) else: print "current printer spooler in good state, skipped." else: print "Error: {path} not found, system files broken!".format(path=path) sys.exit(1) status_code = win32serviceutil.QueryServiceStatus(service_name)[1] if status_code == win32service.SERVICE_RUNNING or status_code == win32service.SERVICE_START_PENDING: print "[OK] reset printer spooler service successfully!" else: print "current service code is {code}, and service state is {state}.".format(code=status_code, state=status_code_map[status_code]) try: print "trying start spooler service..." win32serviceutil.StartService(serviceName=service_name) status_code = win32serviceutil.QueryServiceStatus(service_name)[1] if status_code == win32service.SERVICE_RUNNING or status_code == win32service.SERVICE_START_PENDING: print "service {service} started.".format(service=service_name) except Exception as e: print e print [msg for msg in e.args] def printer_watchdog(): print win32print.EnumPrinters(win32print.PRINTER_ENUM_LOCAL) # get local printers print win32print.EnumPrinters(win32print.PRINTER_ENUM_CONNECTIONS) # get printers which other computer shared default_printer_name = win32print.GetDefaultPrinter() printer = win32print.OpenPrinter(default_printer_name) print win32print.GetPrinter(printer) jobs_list = list() total_seconds = 60 * 5 # reset after 60*5 seconds, see 'known issue 2' in this file. sleep_seconds = 10 times = total_seconds / sleep_seconds current_times = 0 while True: jobs = win32print.EnumJobs(printer, 0, 3, 1) # except: pywintypes.error: (1722, 'EnumJobs', 'RPC 服务器不可用。'), ignored this except # 0 is location of first job, # 3 is number of jobs to enumerate, # 1 is job info level, can be 1(win32print.JOB_INFO_1), 2, 3. 3 is reserved, 1 and 2 can NOT get job status, :( if len(jobs) >= 1: for job in jobs: filename = job.get('pDocument') job_id = job.get('JobId', md5(filename).hexdigest()) job_status = job.get('Status', 0) if job_status in [0x00000002, 0x00000004, 0x00000800]: # JOB_STATUS_ERROR """ Refers: https://docs.microsoft.com/en-us/windows/desktop/printdocs/job-info-2 ~\AppData\Local\Programs\Common\Microsoft\Visual C++ for Python\9.0\WinSDK\Include\WinSpool.h """ print "printer need to be reset, ... " reset_printer() jobs_list = [] # make sure there are not same job id in list current_times = 0 print "Current job: ", job_id, job.get('pUserName'), job.get('Submitted'), job.get( 'pMachineName'), filename, "[ %d/%d ]" % (times, current_times + 1) jobs_list.append(job_id) # if any([jid in jobs_list for jid in (jobs[0].get('JobId'), jobs[-1].get('JobId'))]): # current_times += 1 if Counter(jobs_list).most_common(1)[0][1] > 1: current_times += 1 if current_times > times: """ KNOWN ISSUE 2: It will reset when a document sends lots of pages to printer. This script may reset printer before job finished which is not expected. """ print "printer need to be reset, ... " reset_printer() jobs_list = [] # make sure there are not same job id in list current_times = 0 else: jobs_list = [] current_times = 0 print 'looks good, keep watching ...' time.sleep(sleep_seconds) if __name__ == '__main__': printer_watchdog()
635200a8db1ecb79752b90c7330d891670f8b070
9d7d88cc4dc326993c6be9ba2a79b5afe86254c5
/tests/layers/test_position_embedding.py
c110c9a2872554a666f6bd1bc69f201b2421ab25
[]
no_license
LeeKLTW/posner
7ebe0e287c8a9db91e150ba08c41772757b2639f
9a1c6e00c463644a78ebf413b676c74c846dc23d
refs/heads/master
2022-12-16T17:32:38.327191
2020-02-26T11:50:47
2020-02-26T11:50:47
240,471,085
5
1
null
2022-12-08T03:36:50
2020-02-14T09:22:13
Python
UTF-8
Python
false
false
2,839
py
# -*- coding: utf-8 -*- import os import tempfile import unittest import numpy as np from tensorflow import keras from posner.layers import PositionEmbedding class TestSinCosPosEmbd(unittest.TestCase): def test_invalid_output_dim(self): with self.assertRaises(NotImplementedError): PositionEmbedding( mode=PositionEmbedding.MODE_EXPAND, output_dim=5, ) def test_missing_output_dim(self): with self.assertRaises(NotImplementedError): PositionEmbedding( mode=PositionEmbedding.MODE_EXPAND, ) def test_add(self): seq_len = np.random.randint(1, 10) embed_dim = np.random.randint(1, 20) * 2 inputs = np.ones((1, seq_len, embed_dim)) model = keras.models.Sequential() model.add(PositionEmbedding( input_shape=(seq_len, embed_dim), mode=PositionEmbedding.MODE_ADD, name='Pos-Embd', )) model.compile('adam', 'mse') model_path = os.path.join(tempfile.gettempdir(), 'pos_embd_%f.h5' % np.random.random()) model.save(model_path) model = keras.models.load_model(model_path, custom_objects={ 'PositionEmbedding': PositionEmbedding}) model.summary() predicts = model.predict(inputs)[0].tolist() for i in range(seq_len): for j in range(embed_dim): actual = predicts[i][j] if j % 2 == 0: expect = 1.0 + np.sin(i / 10000.0 ** (float(j) / embed_dim)) else: expect = 1.0 + np.cos(i / 10000.0 ** ((j - 1.0) / embed_dim)) self.assertAlmostEqual(expect, actual, places=6, msg=(embed_dim, i, j, expect, actual)) def test_concat(self): seq_len = np.random.randint(1, 10) feature_dim = np.random.randint(1, 20) embed_dim = np.random.randint(1, 20) * 2 inputs = np.ones((1, seq_len, feature_dim)) model = keras.models.Sequential() model.add(PositionEmbedding( input_shape=(seq_len, feature_dim), output_dim=embed_dim, mode=PositionEmbedding.MODE_CONCAT, name='Pos-Embd', )) model.compile('adam', 'mse') model_path = os.path.join(tempfile.gettempdir(), 'test_pos_embd_%f.h5' % np.random.random()) model.save(model_path) model = keras.models.load_model(model_path, custom_objects={ 'PositionEmbedding': PositionEmbedding}) model.summary() predicts = model.predict(inputs)[0].tolist() for i in range(seq_len): for j in range(embed_dim): actual = predicts[i][feature_dim + j] if j % 2 == 0: expect = np.sin(i / 10000.0 ** (float(j) / embed_dim)) else: expect = np.cos(i / 10000.0 ** ((j - 1.0) / embed_dim)) self.assertAlmostEqual(expect, actual, places=6, msg=(embed_dim, i, j, expect, actual))
17a5b8659e14c201ad12ac9f18525fb17aba949f
674f5dde693f1a60e4480e5b66fba8f24a9cb95d
/armulator/armv6/opcodes/concrete/add_sp_plus_register_thumb_t3.py
1df3c88b2a6cafe7aa3816167f947a12888f3b06
[ "MIT" ]
permissive
matan1008/armulator
75211c18ebc9cd9d33a02890e76fc649483c3aad
44f4275ab1cafff3cf7a1b760bff7f139dfffb07
refs/heads/master
2023-08-17T14:40:52.793120
2023-08-08T04:57:02
2023-08-08T04:57:02
91,716,042
29
7
MIT
2023-08-08T04:55:59
2017-05-18T16:37:55
Python
UTF-8
Python
false
false
919
py
from armulator.armv6.bits_ops import substring, bit_at, chain from armulator.armv6.opcodes.abstract_opcodes.add_sp_plus_register_thumb import AddSpPlusRegisterThumb from armulator.armv6.shift import decode_imm_shift, SRType class AddSpPlusRegisterThumbT3(AddSpPlusRegisterThumb): @staticmethod def from_bitarray(instr, processor): rm = substring(instr, 3, 0) type_ = substring(instr, 5, 4) imm2 = substring(instr, 7, 6) rd = substring(instr, 11, 8) imm3 = substring(instr, 14, 12) setflags = bit_at(instr, 20) shift_t, shift_n = decode_imm_shift(type_, chain(imm3, imm2, 2)) if rd == 13 and (shift_t != SRType.LSL or shift_n > 3) or (rd == 15 and not setflags) or rm in (13, 15): print('unpredictable') else: return AddSpPlusRegisterThumbT3(instr, setflags=setflags, m=rm, d=rd, shift_t=shift_t, shift_n=shift_n)
0e02aa64e88f8cd0103a0bc833aa86ea0ea95fbc
f68afe06e4bbf3d523584852063e767e53441b2b
/Toontown/toontown/toon/DistributedNPCToonBase.py
d205a2543f853382aff51eef5c62dc2aa6178d61
[]
no_license
DankMickey/Toontown-Offline-Squirting-Flower-Modded-
eb18908e7a35a5f7fc95871814207858b94e2600
384754c6d97950468bb62ddd8961c564097673a9
refs/heads/master
2021-01-19T17:53:36.591832
2017-01-15T02:00:04
2017-01-15T02:00:04
34,639,744
1
1
null
null
null
null
UTF-8
Python
false
false
4,444
py
from pandac.PandaModules import * from otp.nametag.NametagGroup import NametagGroup from direct.directnotify import DirectNotifyGlobal from direct.fsm import ClassicFSM from direct.fsm import State from toontown.toonbase import ToontownGlobals import DistributedToon from direct.distributed import DistributedObject import NPCToons from toontown.quest import Quests from direct.distributed import ClockDelta from toontown.quest import QuestParser from toontown.quest import QuestChoiceGui from direct.interval.IntervalGlobal import * import random class DistributedNPCToonBase(DistributedToon.DistributedToon): def __init__(self, cr): try: self.DistributedNPCToon_initialized except: self.DistributedNPCToon_initialized = 1 DistributedToon.DistributedToon.__init__(self, cr) self.__initCollisions() self.setPickable(0) self.setPlayerType(NametagGroup.CCNonPlayer) def disable(self): self.ignore('enter' + self.cSphereNode.getName()) DistributedToon.DistributedToon.disable(self) def delete(self): try: self.DistributedNPCToon_deleted except: self.DistributedNPCToon_deleted = 1 self.__deleteCollisions() DistributedToon.DistributedToon.delete(self) def generate(self): DistributedToon.DistributedToon.generate(self) self.cSphereNode.setName(self.uniqueName('NPCToon')) self.detectAvatars() self.setParent(ToontownGlobals.SPRender) self.startLookAround() def generateToon(self): self.setLODs() self.generateToonLegs() self.generateToonHead() self.generateToonTorso() self.generateToonColor() self.parentToonParts() self.rescaleToon() self.resetHeight() self.rightHands = [] self.leftHands = [] self.headParts = [] self.hipsParts = [] self.torsoParts = [] self.legsParts = [] self.__bookActors = [] self.__holeActors = [] def announceGenerate(self): self.initToonState() DistributedToon.DistributedToon.announceGenerate(self) def initToonState(self): self.setAnimState('neutral', 0.9, None, None) npcOrigin = render.find('**/npc_origin_' + str(self.posIndex)) if not npcOrigin.isEmpty(): self.reparentTo(npcOrigin) self.initPos() def initPos(self): self.clearMat() def wantsSmoothing(self): return 0 def detectAvatars(self): self.accept('enter' + self.cSphereNode.getName(), self.handleCollisionSphereEnter) def ignoreAvatars(self): self.ignore('enter' + self.cSphereNode.getName()) def getCollSphereRadius(self): return 3.25 def __initCollisions(self): self.cSphere = CollisionTube(0.0, 1.0, 0.0, 0.0, 1.0, 5.0, self.getCollSphereRadius()) self.cSphere.setTangible(0) self.cSphereNode = CollisionNode('cSphereNode') self.cSphereNode.addSolid(self.cSphere) self.cSphereNodePath = self.attachNewNode(self.cSphereNode) self.cSphereNodePath.hide() self.cSphereNode.setCollideMask(ToontownGlobals.WallBitmask) def __deleteCollisions(self): del self.cSphere del self.cSphereNode self.cSphereNodePath.removeNode() del self.cSphereNodePath def handleCollisionSphereEnter(self, collEntry): pass def setupAvatars(self, av): self.ignoreAvatars() av.headsUp(self, 0, 0, 0) self.headsUp(av, 0, 0, 0) av.stopLookAround() av.lerpLookAt(Point3(-0.5, 4, 0), time=0.5) self.stopLookAround() self.lerpLookAt(Point3(av.getPos(self)), time=0.5) def b_setPageNumber(self, paragraph, pageNumber): self.setPageNumber(paragraph, pageNumber) self.d_setPageNumber(paragraph, pageNumber) def d_setPageNumber(self, paragraph, pageNumber): timestamp = ClockDelta.globalClockDelta.getFrameNetworkTime() self.sendUpdate('setPageNumber', [paragraph, pageNumber, timestamp]) def freeAvatar(self): base.localAvatar.posCamera(0, 0) base.cr.playGame.getPlace().setState('walk') def setPositionIndex(self, posIndex): self.posIndex = posIndex def _startZombieCheck(self): pass def _stopZombieCheck(self): pass
0f92d183dd80697c0761f9cf3934f51b3b3fd1d8
9ad21dda46963fcdfe1e908596745d1d97be3dbc
/models/amenity.py
311c788d33abae282b7e95c9912d537cf31539e6
[ "LicenseRef-scancode-public-domain" ]
permissive
mj31508/AirBnB_clone_v2
ef903558983fc84ca7b31d20a40eedad9e622979
c676bc5fc6184aeb38f8669f7d295fef06e57165
refs/heads/master
2021-01-19T17:59:20.638896
2017-09-07T00:37:03
2017-09-07T00:37:03
101,103,176
0
0
null
null
null
null
UTF-8
Python
false
false
731
py
#!/usr/bin/python3 """ Amenity Class from Models Module """ from models.base_model import BaseModel, Base, Column, String, Table from sqlalchemy.orm import relationship, backref from os import getenv class Amenity(BaseModel): """Amenity class handles all application amenities""" if getenv("HBNB_TYPE_STORAGE") == "db": __tablename__ = "amenities" name = Column(String(128), nullable=False) place_amenities = relationship("PlaceAmenity", backref="amenities", cascade="all, delete, delete-orphan") else: name = "" def __init__(self, *args, **kwargs): """instantiates a new amenity""" super().__init__(self, *args, **kwargs)
1a2f4478fe86735f8c3590ae191a1535f26ead5e
9b80999a1bdd3595022c9abf8743a029fde3a207
/32-Writing Functions in Python /More on Decorators /Counter.py
2be3435d9e6819985cf09452b2f9ff7746cd86e5
[]
no_license
vaibhavkrishna-bhosle/DataCamp-Data_Scientist_with_python
26fc3a89605f26ac3b77c15dbe45af965080115a
47d9d2c8c93e1db53154a1642b6281c9149af769
refs/heads/master
2022-12-22T14:01:18.140426
2020-09-23T11:30:53
2020-09-23T11:30:53
256,755,894
0
0
null
null
null
null
UTF-8
Python
false
false
807
py
'''You're working on a new web app, and you are curious about how many times each of the functions in it gets called. So you decide to write a decorator that adds a counter to each function that you decorate. You could use this information in the future to determine whether there are sections of code that you could remove because they are no longer being used by the app.''' def counter(func): def wrapper(*args, **kwargs): wrapper.count += 1 # Call the function being decorated and return the result return func(*args, **kwargs) wrapper.count = 0 # Return the new decorated function return wrapper # Decorate foo() with the counter() decorator @counter def foo(): print('calling foo()') foo() foo() print('foo() was called {} times.'.format(foo.count))
4856288bd9541b5caa96a0ea2e85cd69b7d31a65
ece0d321e48f182832252b23db1df0c21b78f20c
/engine/2.80/scripts/addons/add_curve_extra_objects/__init__.py
1653ad86f875ef36beef157620f21d7633f0d31a
[ "Unlicense", "GPL-3.0-only", "Font-exception-2.0", "GPL-3.0-or-later", "Apache-2.0", "LicenseRef-scancode-public-domain", "LicenseRef-scancode-unknown-license-reference", "LicenseRef-scancode-public-domain-disclaimer", "Bitstream-Vera", "LicenseRef-scancode-blender-2010", "LGPL-2.1-or-later", "GPL-2.0-or-later", "GPL-2.0-only", "LGPL-2.0-only", "PSF-2.0", "LicenseRef-scancode-free-unknown", "LicenseRef-scancode-proprietary-license", "GPL-1.0-or-later", "BSD-2-Clause" ]
permissive
byteinc/Phasor
47d4e48a52fa562dfa1a2dbe493f8ec9e94625b9
f7d23a489c2b4bcc3c1961ac955926484ff8b8d9
refs/heads/master
2022-10-25T17:05:01.585032
2019-03-16T19:24:22
2019-03-16T19:24:22
175,723,233
3
1
Unlicense
2022-10-21T07:02:37
2019-03-15T00:58:08
Python
UTF-8
Python
false
false
12,422
py
# ##### BEGIN GPL LICENSE BLOCK ##### # # This program is free software; you can redistribute it and/or # modify it under the terms of the GNU General Public License # as published by the Free Software Foundation; either version 2 # of the License, or (at your option) any later version. # # This program is distributed in the hope that it will be useful, # but WITHOUT ANY WARRANTY; without even the implied warranty of # MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the # GNU General Public License for more details. # # You should have received a copy of the GNU General Public License # along with this program; if not, write to the Free Software Foundation, # Inc., 51 Franklin Street, Fifth Floor, Boston, MA 02110-1301, USA. # # ##### END GPL LICENSE BLOCK ##### # Contributed to by: # testscreenings, Alejandro Omar Chocano Vasquez, Jimmy Hazevoet, meta-androcto # # Cmomoney, Jared Forsyth, Adam Newgas, Spivak Vladimir, Jared Forsyth, Atom # # Antonio Osprite, Marius Giurgi (DolphinDream) bl_info = { "name": "Extra Objects", "author": "Multiple Authors", "version": (0, 1, 3), "blender": (2, 80, 0), "location": "View3D > Add > Curve > Extra Objects", "description": "Add extra curve object types", "warning": "", "wiki_url": "https://wiki.blender.org/index.php/Extensions:2.6/Py/" "Scripts/Curve/Curve_Objects", "category": "Add Curve" } if "bpy" in locals(): import importlib importlib.reload(add_curve_aceous_galore) importlib.reload(add_curve_spirals) importlib.reload(add_curve_torus_knots) importlib.reload(add_surface_plane_cone) importlib.reload(add_curve_curly) importlib.reload(beveltaper_curve) importlib.reload(add_curve_celtic_links) importlib.reload(add_curve_braid) importlib.reload(add_curve_simple) importlib.reload(add_curve_spirofit_bouncespline) else: from . import add_curve_aceous_galore from . import add_curve_spirals from . import add_curve_torus_knots from . import add_surface_plane_cone from . import add_curve_curly from . import beveltaper_curve from . import add_curve_celtic_links from . import add_curve_braid from . import add_curve_simple from . import add_curve_spirofit_bouncespline import bpy from bpy.types import ( Menu, AddonPreferences, ) from bpy.props import ( StringProperty, BoolProperty, ) def convert_old_presets(data_path, msg_data_path, old_preset_subdir, new_preset_subdir, fixdic={}, ext=".py"): """ convert old presets """ def convert_presets(self, context): if not getattr(self, data_path, False): return None import os target_path = os.path.join("presets", old_preset_subdir) target_path = bpy.utils.user_resource('SCRIPTS', target_path) # created an anytype op to run against preset op = type('', (), {})() files = [f for f in os.listdir(target_path) if f.endswith(ext)] if not files: print("No old presets in %s" % target_path) setattr(self, msg_data_path, "No old presets") return None new_target_path = os.path.join("presets", new_preset_subdir) new_target_path = bpy.utils.user_resource('SCRIPTS', new_target_path, create=True) for f in files: file = open(os.path.join(target_path, f)) for line in file: if line.startswith("op."): exec(line) file.close() for key, items in fixdic.items(): if hasattr(op, key) and isinstance(getattr(op, key), int): setattr(op, key, items[getattr(op, key)]) # create a new one new_file_path = os.path.join(new_target_path, f) if os.path.isfile(new_file_path): # do nothing print("Preset %s already exists, passing..." % f) continue file_preset = open(new_file_path, 'w') file_preset.write("import bpy\n") file_preset.write("op = bpy.context.active_operator\n") for prop, value in vars(op).items(): if isinstance(value, str): file_preset.write("op.%s = '%s'\n" % (prop, str(value))) else: file_preset.write("op.%s = %s\n" % (prop, str(value))) file_preset.close() print("Writing new preset to %s" % new_file_path) setattr(self, msg_data_path, "Converted %d old presets" % len(files)) return None return convert_presets # Addons Preferences class CurveExtraObjectsAddonPreferences(AddonPreferences): bl_idname = __name__ spiral_fixdic = { "spiral_type": ['ARCH', 'ARCH', 'LOG', 'SPHERE', 'TORUS'], "curve_type": ['POLY', 'NURBS'], "spiral_direction": ['COUNTER_CLOCKWISE', 'CLOCKWISE'] } update_spiral_presets_msg : StringProperty( default="Nothing to do" ) update_spiral_presets : BoolProperty( name="Update Old Presets", description="Update presets to reflect data changes", default=False, update=convert_old_presets( "update_spiral_presets", # this props name "update_spiral_presets_msg", # message prop "operator/curve.spirals", "curve_extras/curve.spirals", fixdic=spiral_fixdic ) ) show_menu_list : BoolProperty( name="Menu List", description="Show/Hide the Add Menu items", default=False ) show_panel_list : BoolProperty( name="Panels List", description="Show/Hide the Panel items", default=False ) def draw(self, context): layout = self.layout box = layout.box() box.label(text="Spirals:") if self.update_spiral_presets: box.label(text=self.update_spiral_presets_msg, icon="FILE_TICK") else: box.prop(self, "update_spiral_presets") icon_1 = "TRIA_RIGHT" if not self.show_menu_list else "TRIA_DOWN" box = layout.box() box.prop(self, "show_menu_list", emboss=False, icon=icon_1) if self.show_menu_list: box.label(text="Items located in the Add Menu > Curve (default shortcut Ctrl + A):", icon="LAYER_USED") box.label(text="2D Objects:", icon="LAYER_ACTIVE") box.label(text="Angle, Arc, Circle, Distance, Ellipse, Line, Point, Polygon,", icon="LAYER_USED") box.label(text="Polygon ab, Rectangle, Rhomb, Sector, Segment, Trapezoid", icon="LAYER_USED") box.label(text="Curve Profiles:", icon="LAYER_ACTIVE") box.label(text="Arc, Arrow, Cogwheel, Cycloid, Flower, Helix (3D),", icon="LAYER_USED") box.label(text="Noise (3D), Nsided, Profile, Rectangle, Splat, Star", icon="LAYER_USED") box.label(text="Curve Spirals:", icon="LAYER_ACTIVE") box.label(text="Archemedian, Logarithmic, Spheric, Torus", icon="LAYER_USED") box.label(text="Knots:", icon="LAYER_ACTIVE") box.label(text="Torus Knots Plus, Celtic Links, Braid Knot", icon="LAYER_USED") box.label(text="Curly Curve", icon="LAYER_ACTIVE") box.label(text="Bevel/Taper:", icon="LAYER_ACTIVE") box.label(text="Add Curve as Bevel, Add Curve as Taper", icon="LAYER_USED") box.label(text="Items located in the Add Menu > Surface (default shortcut Ctrl + A):", icon="LAYER_USED") box.label(text="Wedge, Cone, Star, Plane", icon="LAYER_ACTIVE") icon_2 = "TRIA_RIGHT" if not self.show_panel_list else "TRIA_DOWN" box = layout.box() box.prop(self, "show_panel_list", emboss=False, icon=icon_2) if self.show_panel_list: box.label(text="Panel located in 3D View Tools Region > Create:", icon="LAYER_ACTIVE") box.label(text="Spline:", icon="LAYER_ACTIVE") box.label(text="SpiroFit, Bounce Spline, Catenary", icon="LAYER_USED") box.label(text="Panel located in 3D View Tools Region > Tools:", icon="LAYER_ACTIVE") box.label(text="Simple Curve:", icon="LAYER_ACTIVE") box.label(text="Available if the Active Object is a Curve was created with 2D Objects", icon="LAYER_USED") class INFO_MT_curve_knots_add(Menu): # Define the "Extras" menu bl_idname = "INFO_MT_curve_knots_add" bl_label = "Plants" def draw(self, context): layout = self.layout layout.operator_context = 'INVOKE_REGION_WIN' layout.operator("curve.torus_knot_plus", text="Torus Knot Plus") layout.operator("curve.celtic_links", text="Celtic Links") layout.operator("curve.add_braid", text="Braid Knot") layout.operator("object.add_spirofit_spline", icon="FORCE_MAGNETIC") layout.operator("object.add_bounce_spline", icon="FORCE_HARMONIC") layout.operator("object.add_catenary_curve", icon="FORCE_CURVE") # Define "Extras" menus def menu_func(self, context): layout = self.layout layout.operator_menu_enum("curve.curveaceous_galore", "ProfileType", icon='CURVE_DATA') layout.operator_menu_enum("curve.spirals", "spiral_type", icon='CURVE_DATA') if context.mode != 'OBJECT': # fix in D2142 will allow to work in EDIT_CURVE return None layout.separator() layout.menu(INFO_MT_curve_knots_add.bl_idname, text="Knots", icon='CURVE_DATA') layout.separator() layout.operator("curve.curlycurve", text="Curly Curve", icon='CURVE_DATA') #layout.menu(VIEW3D_MT_bevel_taper_curve_menu, text="Bevel/Taper", icon='CURVE_DATA') def menu_surface(self, context): self.layout.separator() if context.mode == 'EDIT_SURFACE': self.layout.operator("curve.smooth_x_times", text="Special Smooth", icon="MOD_CURVE") elif context.mode == 'OBJECT': self.layout.operator("object.add_surface_wedge", text="Wedge", icon="SURFACE_DATA") self.layout.operator("object.add_surface_cone", text="Cone", icon="SURFACE_DATA") self.layout.operator("object.add_surface_star", text="Star", icon="SURFACE_DATA") self.layout.operator("object.add_surface_plane", text="Plane", icon="SURFACE_DATA") # Register classes = [ CurveExtraObjectsAddonPreferences, INFO_MT_curve_knots_add ] def register(): from bpy.utils import register_class for cls in classes: register_class(cls) add_curve_simple.register() add_curve_spirals.register() add_curve_aceous_galore.register() add_curve_torus_knots.register() add_curve_braid.register() add_curve_celtic_links.register() add_curve_curly.register() add_curve_spirofit_bouncespline.register() add_surface_plane_cone.register() # Add "Extras" menu to the "Add Curve" menu bpy.types.VIEW3D_MT_curve_add.append(menu_func) # Add "Extras" menu to the "Add Surface" menu bpy.types.VIEW3D_MT_surface_add.append(menu_surface) def unregister(): # Remove "Extras" menu from the "Add Curve" menu. bpy.types.VIEW3D_MT_curve_add.remove(menu_func) # Remove "Extras" menu from the "Add Surface" menu. bpy.types.VIEW3D_MT_surface_add.remove(menu_surface) add_surface_plane_cone.unregister() add_curve_spirofit_bouncespline.unregister() add_curve_curly.unregister() add_curve_celtic_links.unregister() add_curve_braid.unregister() add_curve_torus_knots.unregister() add_curve_aceous_galore.unregister() add_curve_spirals.unregister() add_curve_simple.unregister() from bpy.utils import unregister_class for cls in reversed(classes): unregister_class(cls) if __name__ == "__main__": register()
b37518ea6e71d2bfbce6dd7613cdae72767dc2d5
53fab060fa262e5d5026e0807d93c75fb81e67b9
/backup/user_383/ch84_2019_06_06_20_42_07_280719.py
c024c1d4525f58eee0be02e2b9c6b8bdfb678c43
[]
no_license
gabriellaec/desoft-analise-exercicios
b77c6999424c5ce7e44086a12589a0ad43d6adca
01940ab0897aa6005764fc220b900e4d6161d36b
refs/heads/main
2023-01-31T17:19:42.050628
2020-12-16T05:21:31
2020-12-16T05:21:31
306,735,108
0
0
null
null
null
null
UTF-8
Python
false
false
151
py
def inverte_dicionario(dicionario): dic={} for k,v in dicionario.items(): if k not in dic: dic[v] = [k] else: dic[i].append(k) return dic
3e02054f06af47425f874171b112433e6801cf4d
e6dab5aa1754ff13755a1f74a28a201681ab7e1c
/.parts/lib/django-1.2/tests/regressiontests/forms/localflavor/au.py
aeb1337e0162f17d8ed5184078850e0af2b835dc
[]
no_license
ronkagan/Euler_1
67679203a9510147320f7c6513eefd391630703e
022633cc298475c4f3fd0c6e2bde4f4728713995
refs/heads/master
2021-01-06T20:45:52.901025
2014-09-06T22:34:16
2014-09-06T22:34:16
23,744,842
0
1
null
null
null
null
UTF-8
Python
false
false
111
py
/home/action/.parts/packages/googleappengine/1.9.4/lib/django-1.2/tests/regressiontests/forms/localflavor/au.py
6eab6235773fadc371788dc6921ac27ab34d157e
6f866eb49d0b67f0bbbf35c34cebe2babe2f8719
/tests/app/views/handlers/conftest.py
8ac724a725dc9f88afecffd8b9b45dc2787c076c
[ "MIT", "LicenseRef-scancode-proprietary-license" ]
permissive
ONSdigital/eq-questionnaire-runner
681b0d081f9cff0ee4ae3017ecc61f7390d553bf
87e7364c4d54fee99e6a5e96649123f11c4b53f1
refs/heads/main
2023-09-01T21:59:56.733363
2023-08-31T15:07:55
2023-08-31T15:07:55
219,752,509
12
18
MIT
2023-09-14T11:37:31
2019-11-05T13:32:18
Python
UTF-8
Python
false
false
7,411
py
import uuid from datetime import datetime, timedelta, timezone import pytest from freezegun import freeze_time from mock import Mock from app.authentication.auth_payload_versions import AuthPayloadVersion from app.data_models import QuestionnaireStore from app.data_models.metadata_proxy import MetadataProxy from app.data_models.session_data import SessionData from app.data_models.session_store import SessionStore from app.questionnaire import QuestionnaireSchema from tests.app.parser.conftest import get_response_expires_at time_to_freeze = datetime.now(timezone.utc).replace(second=0, microsecond=0) tx_id = str(uuid.uuid4()) response_id = "1234567890123456" period_str = "2016-01-01" period_id = "2016-02-01" ref_p_start_date = "2016-02-02" ref_p_end_date = "2016-03-03" ru_ref = "432423423423" ru_name = "ru_name" user_id = "789473423" schema_name = "1_0000" feedback_count = 1 display_address = "68 Abingdon Road, Goathill" form_type = "I" collection_exercise_sid = "ce_sid" case_id = "case_id" survey_id = "021" data_version = "0.0.1" feedback_type = "Feedback type" feedback_text = "Feedback text" feedback_type_question_category = "Feedback type question category" started_at = str(datetime.now(tz=timezone.utc).isoformat()) language_code = "cy" case_type = "I" channel = "H" case_ref = "1000000000000001" region_code = "GB_WLS" response_expires_at = get_response_expires_at() @pytest.fixture @freeze_time(time_to_freeze) def session_data(): return SessionData( language_code="cy", ) @pytest.fixture def confirmation_email_fulfilment_schema(): return QuestionnaireSchema( { "form_type": "H", "region_code": "GB-WLS", "submission": {"confirmation_email": True}, } ) @pytest.fixture def language(): return "en" @pytest.fixture def schema(): return QuestionnaireSchema( { "post_submission": {"view_response": True}, "title": "Test schema - View Submitted Response", } ) @pytest.fixture def storage(): return Mock() def set_storage_data( storage_, raw_data="{}", version=1, submitted_at=None, ): storage_.get_user_data = Mock( return_value=(raw_data, version, collection_exercise_sid, submitted_at) ) @pytest.fixture def session_data_feedback(): return SessionData( language_code=language_code, feedback_count=feedback_count, ) @pytest.fixture def schema_feedback(): return QuestionnaireSchema({"survey_id": survey_id, "data_version": data_version}) @pytest.fixture def metadata(): return MetadataProxy.from_dict( { "tx_id": tx_id, "user_id": user_id, "schema_name": schema_name, "collection_exercise_sid": collection_exercise_sid, "period_id": period_id, "period_str": period_str, "ref_p_start_date": ref_p_start_date, "ref_p_end_date": ref_p_end_date, "ru_ref": ru_ref, "response_id": response_id, "form_type": form_type, "display_address": display_address, "case_type": case_type, "channel": channel, "case_ref": case_ref, "region_code": region_code, "case_id": case_id, "language_code": language_code, "response_expires_at": response_expires_at, } ) @pytest.fixture def metadata_v2(): return MetadataProxy.from_dict( { "version": AuthPayloadVersion.V2, "tx_id": tx_id, "case_id": case_id, "schema_name": schema_name, "collection_exercise_sid": collection_exercise_sid, "response_id": response_id, "channel": channel, "region_code": region_code, "account_service_url": "account_service_url", "response_expires_at": get_response_expires_at(), "survey_metadata": { "data": { "period_id": period_id, "period_str": period_str, "ref_p_start_date": ref_p_start_date, "ref_p_end_date": ref_p_end_date, "ru_ref": ru_ref, "ru_name": ru_name, "case_type": case_type, "form_type": form_type, "case_ref": case_ref, "display_address": display_address, "user_id": user_id, } }, } ) @pytest.fixture def response_metadata(): return { "started_at": started_at, } @pytest.fixture def submission_payload_expires_at(): return datetime.now(timezone.utc) + timedelta(seconds=5) @pytest.fixture def submission_payload_session_data(): return SessionData( language_code="cy", ) @pytest.fixture def submission_payload_session_store( submission_payload_session_data, submission_payload_expires_at, ): # pylint: disable=redefined-outer-name return SessionStore("user_ik", "pepper", "eq_session_id").create( "eq_session_id", "user_id", submission_payload_session_data, submission_payload_expires_at, ) @pytest.fixture def mock_questionnaire_store(mocker): storage_ = mocker.Mock() storage_.get_user_data = mocker.Mock(return_value=("{}", "ce_id", 1, None)) questionnaire_store = QuestionnaireStore(storage_) questionnaire_store.metadata = MetadataProxy.from_dict( { "tx_id": "tx_id", "case_id": "case_id", "ru_ref": ru_ref, "user_id": user_id, "collection_exercise_sid": collection_exercise_sid, "period_id": period_id, "schema_name": schema_name, "account_service_url": "account_service_url", "response_id": "response_id", "response_expires_at": get_response_expires_at(), } ) return questionnaire_store @pytest.fixture def mock_questionnaire_store_v2(mocker): storage_ = mocker.Mock() storage_.get_user_data = mocker.Mock(return_value=("{}", "ce_id", 1, None)) questionnaire_store = QuestionnaireStore(storage_) questionnaire_store.metadata = MetadataProxy.from_dict( { "version": AuthPayloadVersion.V2, "tx_id": "tx_id", "case_id": case_id, "schema_name": schema_name, "collection_exercise_sid": collection_exercise_sid, "response_id": response_id, "channel": channel, "region_code": region_code, "account_service_url": "account_service_url", "response_expires_at": get_response_expires_at(), "survey_metadata": { "data": { "period_id": period_id, "period_str": period_str, "ref_p_start_date": ref_p_start_date, "ref_p_end_date": ref_p_end_date, "ru_ref": ru_ref, "ru_name": ru_name, "case_type": case_type, "form_type": form_type, "case_ref": case_ref, "display_address": display_address, "user_id": user_id, } }, } ) return questionnaire_store
3dc4c09fb5506a33933c0f69ed47ea51604b13d2
5102f7b8a300186496ce7691c6135efeeaeedd6c
/jobplus/app.py
8fefd43ae3d75fa52ccf45f67da58614eba6ec85
[]
no_license
ISONEK/jobplus10-3
c0bc4ddfca67e54b5015cd9b1bfbfb2499338209
b595e3c53ced93efa7883c67a4633132b5f52c15
refs/heads/master
2022-10-20T20:53:15.506235
2019-02-25T14:05:14
2019-02-25T14:05:14
null
0
0
null
null
null
null
UTF-8
Python
false
false
336
py
from flask import Flask from flask_migrate import Migrate from .config import configs from .handlers import front from jobplus.models import db def create_app(config): app = Flask(__name__) app.config.from_object(configs.get(config)) db.init_app(app) Migrate(app,db) app.register_blueprint(front) return app
6808a79a41526dcd13328e520ccf4ed137afc868
0feec97d29377f419d0e4e160b589f094d7493df
/autotest/gdrivers/kea.py
ec95f2f2520c9bd57a506dc29a6cf83f7039f2af
[ "MIT" ]
permissive
Komzpa/gdal
305176b1146cb4a9783cc17eb1308a8d2ac4a093
9ab85be2cc927a34d6fdf311e803aeaf7362fba3
refs/heads/trunk
2020-12-28T19:11:33.810933
2015-04-04T23:38:45
2015-04-04T23:38:45
33,422,287
0
1
null
2015-04-04T22:18:40
2015-04-04T22:18:40
null
UTF-8
Python
false
false
30,081
py
#!/usr/bin/env python # -*- coding: utf-8 -*- ############################################################################### # $Id $ # # Project: GDAL/OGR Test Suite # Purpose: Test KEA driver # Author: Even Rouault, <even dot rouault at spatialys dot com> # ############################################################################### # Copyright (c) 2014, Even Rouault <even dot rouault at spatialys dot com> # # 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 from osgeo import gdal sys.path.append( '../pymod' ) import gdaltest ############################################################################### def kea_init(): try: gdaltest.kea_driver = gdal.GetDriverByName('KEA') except: gdaltest.kea_driver = None return 'success' ############################################################################### # Test copying a reference sample with CreateCopy() def kea_1(): if gdaltest.kea_driver is None: return 'skip' tst = gdaltest.GDALTest( 'KEA', 'byte.tif', 1, 4672, options = ['IMAGEBLOCKSIZE=15', 'THEMATIC=YES'] ) return tst.testCreateCopy( check_srs = True, check_gt = 1 ) ############################################################################### # Test CreateCopy() for various data types def kea_2(): if gdaltest.kea_driver is None: return 'skip' src_files = [ 'byte.tif', 'int16.tif', '../../gcore/data/uint16.tif', '../../gcore/data/int32.tif', '../../gcore/data/uint32.tif', '../../gcore/data/float32.tif', '../../gcore/data/float64.tif' ] for src_file in src_files: tst = gdaltest.GDALTest( 'KEA', src_file, 1, 4672 ) ret = tst.testCreateCopy( check_minmax = 1 ) if ret != 'success': return ret return 'success' ############################################################################### # Test Create() for various data types def kea_3(): if gdaltest.kea_driver is None: return 'skip' src_files = [ 'byte.tif', 'int16.tif', '../../gcore/data/uint16.tif', '../../gcore/data/int32.tif', '../../gcore/data/uint32.tif', '../../gcore/data/float32.tif', '../../gcore/data/float64.tif' ] for src_file in src_files: tst = gdaltest.GDALTest( 'KEA', src_file, 1, 4672 ) ret = tst.testCreate( out_bands = 1, check_minmax = 1 ) if ret != 'success': return ret return 'success' ############################################################################### # Test Create()/CreateCopy() error cases or limit cases def kea_4(): if gdaltest.kea_driver is None: return 'skip' gdal.PushErrorHandler('CPLQuietErrorHandler') ds = gdaltest.kea_driver.Create("/non_existing_path", 1, 1) gdal.PopErrorHandler() if ds is not None: gdaltest.post_reason('fail') return 'fail' src_ds = gdaltest.kea_driver.Create('tmp/src.kea', 1, 1, 0) if src_ds is None: gdaltest.post_reason('fail') return 'fail' ds = gdaltest.kea_driver.CreateCopy("tmp/out.kea", src_ds) if ds is None: gdaltest.post_reason('fail') return 'fail' if ds.RasterCount != 0: gdaltest.post_reason('fail') return 'fail' src_ds = None ds = None # Test updating a read-only file ds = gdaltest.kea_driver.Create('tmp/out.kea', 1, 1) ds.GetRasterBand(1).Fill(255) ds = None ds = gdal.Open('tmp/out.kea') gdal.PushErrorHandler('CPLQuietErrorHandler') ret = ds.SetProjection('a') gdal.PopErrorHandler() if ret == 0: gdaltest.post_reason('fail') return 'fail' gdal.PushErrorHandler('CPLQuietErrorHandler') ret = ds.SetGeoTransform([1,2,3,4,5,6]) gdal.PopErrorHandler() if ret == 0: gdaltest.post_reason('fail') return 'fail' # Disabled for now since some of them cause memory leaks or # crash in the HDF5 library finalizer if False: gdal.PushErrorHandler('CPLQuietErrorHandler') ret = ds.SetMetadataItem('foo', 'bar') gdal.PopErrorHandler() if ret == 0: gdaltest.post_reason('fail') return 'fail' gdal.PushErrorHandler('CPLQuietErrorHandler') ret = ds.SetMetadata({'foo': 'bar'}) gdal.PopErrorHandler() if ret == 0: gdaltest.post_reason('fail') return 'fail' gdal.PushErrorHandler('CPLQuietErrorHandler') ret = ds.GetRasterBand(1).SetMetadataItem('foo', 'bar') gdal.PopErrorHandler() if ret == 0: gdaltest.post_reason('fail') return 'fail' gdal.PushErrorHandler('CPLQuietErrorHandler') ret = ds.GetRasterBand(1).SetMetadata({'foo': 'bar'}) gdal.PopErrorHandler() if ret == 0: gdaltest.post_reason('fail') return 'fail' gdal.PushErrorHandler('CPLQuietErrorHandler') ret = ds.SetGCPs([], "") gdal.PopErrorHandler() if ret == 0: gdaltest.post_reason('fail') return 'fail' gdal.PushErrorHandler('CPLQuietErrorHandler') ret = ds.AddBand(gdal.GDT_Byte) gdal.PopErrorHandler() if ret == 0: gdaltest.post_reason('fail') return 'fail' ds.GetRasterBand(1).WriteRaster(0,0,1,1,'\0') gdal.ErrorReset() gdal.PushErrorHandler('CPLQuietErrorHandler') ds.FlushCache() gdal.PopErrorHandler() if ds.GetRasterBand(1).Checksum() != 3: gdaltest.post_reason('fail') return 'fail' ds = None gdaltest.kea_driver.Delete('tmp/src.kea') gdaltest.kea_driver.Delete('tmp/out.kea') return 'success' ############################################################################### # Test Create() creation options def kea_5(): if gdaltest.kea_driver is None: return 'skip' options = [ 'IMAGEBLOCKSIZE=15', 'ATTBLOCKSIZE=100', 'MDC_NELMTS=10', 'RDCC_NELMTS=256', 'RDCC_NBYTES=500000', 'RDCC_W0=0.5', 'SIEVE_BUF=32768', 'META_BLOCKSIZE=1024', 'DEFLATE=9', 'THEMATIC=YES' ] ds = gdaltest.kea_driver.Create("tmp/out.kea", 100, 100, 3, options = options) ds = None ds = gdal.Open('tmp/out.kea') if ds.GetRasterBand(1).GetBlockSize() != [15,15]: gdaltest.post_reason('fail') print(ds.GetRasterBand(1).GetBlockSize()) return 'failure' if ds.GetRasterBand(1).GetMetadataItem('LAYER_TYPE') != 'thematic': gdaltest.post_reason('fail') print(ds.GetRasterBand(1).GetMetadata()) return 'failure' if ds.GetRasterBand(1).Checksum() != 0: gdaltest.post_reason('fail') print(ds.GetRasterBand(1).Checksum()) return 'failure' if ds.GetGeoTransform() != (0,1,0,0,0,-1): gdaltest.post_reason('fail') print(ds.GetGeoTransform()) return 'failure' if ds.GetProjectionRef() != '': gdaltest.post_reason('fail') print(ds.GetProjectionRef()) return 'failure' ds = None gdaltest.kea_driver.Delete('tmp/out.kea') return 'success' ############################################################################### # Test metadata def kea_6(): if gdaltest.kea_driver is None: return 'skip' ds = gdaltest.kea_driver.Create("tmp/out.kea", 1, 1, 5) ds.SetMetadata( { 'foo':'bar' } ) ds.SetMetadataItem( 'bar', 'baw' ) ds.GetRasterBand(1).SetMetadata( { 'bar':'baz' } ) ds.GetRasterBand(1).SetDescription('desc') ds.GetRasterBand(2).SetMetadata( { 'LAYER_TYPE' : 'any_string_that_is_not_athematic_is_thematic' } ) ds.GetRasterBand(3).SetMetadata( { 'LAYER_TYPE' : 'athematic' } ) ds.GetRasterBand(4).SetMetadataItem( 'LAYER_TYPE', 'thematic' ) ds.GetRasterBand(5).SetMetadataItem( 'LAYER_TYPE', 'athematic' ) if ds.SetMetadata( { 'foo':'bar' }, 'other_domain' ) == 0: gdaltest.post_reason('fail') return 'fail' if ds.SetMetadataItem( 'foo', 'bar', 'other_domain' ) == 0: gdaltest.post_reason('fail') return 'fail' if ds.GetRasterBand(1).SetMetadata( { 'foo':'bar' }, 'other_domain' ) == 0: gdaltest.post_reason('fail') return 'fail' if ds.GetRasterBand(1).SetMetadataItem( 'foo', 'bar', 'other_domain' ) == 0: gdaltest.post_reason('fail') return 'fail' ds = None ds = gdal.Open('tmp/out.kea') if ds.GetMetadata('other_domain') != {}: gdaltest.post_reason('fail') print(ds.GetMetadata('other_domain')) return 'fail' if ds.GetMetadataItem('item', 'other_domain') is not None: gdaltest.post_reason('fail') return 'fail' if ds.GetRasterBand(1).GetMetadata('other_domain') != {}: gdaltest.post_reason('fail') return 'fail' if ds.GetRasterBand(1).GetMetadataItem('item', 'other_domain') is not None: gdaltest.post_reason('fail') return 'fail' md = ds.GetMetadata() if md['foo'] != 'bar': gdaltest.post_reason('fail') print(md) return 'failure' if ds.GetMetadataItem('foo') != 'bar': gdaltest.post_reason('fail') print(ds.GetMetadataItem('foo')) return 'failure' if ds.GetMetadataItem('bar') != 'baw': gdaltest.post_reason('fail') print(ds.GetMetadataItem('bar')) return 'failure' if ds.GetRasterBand(1).GetDescription() != 'desc': gdaltest.post_reason('fail') return 'failure' md = ds.GetRasterBand(1).GetMetadata() if md['bar'] != 'baz': gdaltest.post_reason('fail') print(md) return 'failure' if ds.GetRasterBand(1).GetMetadataItem('bar') != 'baz': gdaltest.post_reason('fail') print(ds.GetRasterBand(1).GetMetadataItem('bar')) return 'failure' if ds.GetRasterBand(2).GetMetadataItem('LAYER_TYPE') != 'thematic': gdaltest.post_reason('fail') print(ds.GetRasterBand(2).GetMetadataItem('LAYER_TYPE')) return 'failure' if ds.GetRasterBand(3).GetMetadataItem('LAYER_TYPE') != 'athematic': gdaltest.post_reason('fail') print(ds.GetRasterBand(3).GetMetadataItem('LAYER_TYPE')) return 'failure' if ds.GetRasterBand(4).GetMetadataItem('LAYER_TYPE') != 'thematic': gdaltest.post_reason('fail') print(ds.GetRasterBand(4).GetMetadataItem('LAYER_TYPE')) return 'failure' if ds.GetRasterBand(5).GetMetadataItem('LAYER_TYPE') != 'athematic': gdaltest.post_reason('fail') print(ds.GetRasterBand(5).GetMetadataItem('LAYER_TYPE')) return 'failure' out2_ds = gdaltest.kea_driver.CreateCopy('tmp/out2.kea', ds) ds = None if out2_ds.GetMetadataItem('foo') != 'bar': gdaltest.post_reason('fail') print(out2_ds.GetMetadataItem('foo')) return 'failure' if out2_ds.GetRasterBand(1).GetMetadataItem('bar') != 'baz': gdaltest.post_reason('fail') print(out2_ds.GetRasterBand(1).GetMetadataItem('bar')) return 'failure' out2_ds = None gdaltest.kea_driver.Delete('tmp/out.kea') gdaltest.kea_driver.Delete('tmp/out2.kea') return 'success' ############################################################################### # Test georef def kea_7(): if gdaltest.kea_driver is None: return 'skip' # Geotransform ds = gdaltest.kea_driver.Create("tmp/out.kea", 1, 1) if ds.GetGCPCount() != 0: gdaltest.post_reason('fail') return 'failure' if ds.SetGeoTransform([1,2,3,4,5,6]) != 0: gdaltest.post_reason('fail') return 'failure' if ds.SetProjection('foo') != 0: gdaltest.post_reason('fail') return 'failure' ds = None ds = gdal.Open('tmp/out.kea') out2_ds = gdaltest.kea_driver.CreateCopy('tmp/out2.kea', ds) ds = None if out2_ds.GetGCPCount() != 0: gdaltest.post_reason('fail') return 'failure' if out2_ds.GetGeoTransform() != (1,2,3,4,5,6): gdaltest.post_reason('fail') print(out2_ds.GetGeoTransform()) return 'failure' if out2_ds.GetProjectionRef() != 'foo': gdaltest.post_reason('fail') print(out2_ds.GetProjectionRef()) return 'failure' out2_ds = None gdaltest.kea_driver.Delete('tmp/out.kea') gdaltest.kea_driver.Delete('tmp/out2.kea') # GCP ds = gdaltest.kea_driver.Create("tmp/out.kea", 1, 1) gcp1 = gdal.GCP(0,1,2,3,4) gcp1.Id = "id" gcp1.Info = "info" gcp2 = gdal.GCP(0,1,2,3,4) gcps = [ gcp1, gcp2 ] ds.SetGCPs(gcps, "foo") ds = None ds = gdal.Open('tmp/out.kea') out2_ds = gdaltest.kea_driver.CreateCopy('tmp/out2.kea', ds) ds = None if out2_ds.GetGCPCount() != 2: gdaltest.post_reason('fail') return 'failure' if out2_ds.GetGCPProjection() != 'foo': gdaltest.post_reason('fail') return 'failure' got_gcps = out2_ds.GetGCPs() for i in range(2): if got_gcps[i].GCPX != gcps[i].GCPX or got_gcps[i].GCPY != gcps[i].GCPY or \ got_gcps[i].GCPZ != gcps[i].GCPZ or got_gcps[i].GCPPixel != gcps[i].GCPPixel or \ got_gcps[i].GCPLine != gcps[i].GCPLine or got_gcps[i].Id != gcps[i].Id or \ got_gcps[i].Info != gcps[i].Info: print(i) print(got_gcps[i]) gdaltest.post_reason('fail') return 'failure' out2_ds = None gdaltest.kea_driver.Delete('tmp/out.kea') gdaltest.kea_driver.Delete('tmp/out2.kea') return 'success' ############################################################################### # Test colortable def kea_8(): if gdaltest.kea_driver is None: return 'skip' for i in range(2): ds = gdaltest.kea_driver.Create("tmp/out.kea", 1, 1) if ds.GetRasterBand(1).GetColorTable() is not None: gdaltest.post_reason('fail') return 'fail' if ds.GetRasterBand(1).SetColorTable( None ) == 0: # not allowed by the driver gdaltest.post_reason('fail') return 'fail' ct = gdal.ColorTable() ct.SetColorEntry( 0, (0,255,0,255) ) ct.SetColorEntry( 1, (255,0,255,255) ) ct.SetColorEntry( 2, (0,0,255,255) ) if ds.GetRasterBand(1).SetColorTable( ct ) != 0: gdaltest.post_reason('fail') return 'fail' if i == 1: # And again if ds.GetRasterBand(1).SetColorTable( ct ) != 0: gdaltest.post_reason('fail') return 'fail' ds = None ds = gdal.Open('tmp/out.kea') out2_ds = gdaltest.kea_driver.CreateCopy('tmp/out2.kea', ds) ds = None got_ct = out2_ds.GetRasterBand(1).GetColorTable() if got_ct.GetCount() != 3: gdaltest.post_reason( 'Got wrong color table entry count.' ) return 'fail' if got_ct.GetColorEntry(1) != (255,0,255,255): gdaltest.post_reason( 'Got wrong color table entry.' ) return 'fail' out2_ds = None gdaltest.kea_driver.Delete('tmp/out.kea') gdaltest.kea_driver.Delete('tmp/out2.kea') return 'success' ############################################################################### # Test color interpretation def kea_9(): if gdaltest.kea_driver is None: return 'skip' ds = gdaltest.kea_driver.Create("tmp/out.kea", 1, 1, gdal.GCI_YCbCr_CrBand - gdal.GCI_GrayIndex + 1) if ds.GetRasterBand(1).GetColorInterpretation() != gdal.GCI_GrayIndex: gdaltest.post_reason('fail') return 'fail' for i in range(gdal.GCI_GrayIndex, gdal.GCI_YCbCr_CrBand + 1): ds.GetRasterBand(i).SetColorInterpretation(i) ds = None ds = gdal.Open('tmp/out.kea') out2_ds = gdaltest.kea_driver.CreateCopy('tmp/out2.kea', ds) ds = None for i in range(gdal.GCI_GrayIndex, gdal.GCI_YCbCr_CrBand + 1): if out2_ds.GetRasterBand(i).GetColorInterpretation() != i: gdaltest.post_reason( 'Got wrong color interpreation.' ) print(i) print(out2_ds.GetRasterBand(i).GetColorInterpretation()) return 'fail' out2_ds = None gdaltest.kea_driver.Delete('tmp/out.kea') gdaltest.kea_driver.Delete('tmp/out2.kea') return 'success' ############################################################################### # Test nodata def kea_10(): if gdaltest.kea_driver is None: return 'skip' for (dt,nd,expected_nd) in [ (gdal.GDT_Byte,0,0), (gdal.GDT_Byte,1.1,1.0), (gdal.GDT_Byte,255,255), (gdal.GDT_Byte,-1,None), (gdal.GDT_Byte,256,None), (gdal.GDT_UInt16,0,0), (gdal.GDT_UInt16,65535,65535), (gdal.GDT_UInt16,-1,None), (gdal.GDT_UInt16,65536,None), (gdal.GDT_Int16,-32768,-32768), (gdal.GDT_Int16,32767,32767), (gdal.GDT_Int16,-32769,None), (gdal.GDT_Int16,32768,None), (gdal.GDT_UInt32,0,0), (gdal.GDT_UInt32,0xFFFFFFFF,0xFFFFFFFF), (gdal.GDT_UInt32,-1,None), (gdal.GDT_UInt32,0xFFFFFFFF+1,None), (gdal.GDT_Int32,-2147483648,-2147483648), (gdal.GDT_Int32,2147483647,2147483647), (gdal.GDT_Int32,-2147483649,None), (gdal.GDT_Int32,2147483648,None), (gdal.GDT_Float32,0.5,0.5), ]: ds = gdaltest.kea_driver.Create("tmp/out.kea", 1, 1, 1, dt) if ds.GetRasterBand(1).GetNoDataValue() is not None: gdaltest.post_reason('fail') return 'fail' ds.GetRasterBand(1).SetNoDataValue(nd) if ds.GetRasterBand(1).GetNoDataValue() != expected_nd: gdaltest.post_reason( 'Got wrong nodata.' ) print(dt) print(ds.GetRasterBand(1).GetNoDataValue()) return 'fail' ds = None ds = gdal.Open('tmp/out.kea') out2_ds = gdaltest.kea_driver.CreateCopy('tmp/out2.kea', ds) ds = None if out2_ds.GetRasterBand(1).GetNoDataValue() != expected_nd: gdaltest.post_reason( 'Got wrong nodata.' ) print(dt) print(out2_ds.GetRasterBand(1).GetNoDataValue()) return 'fail' out2_ds = None gdaltest.kea_driver.Delete('tmp/out.kea') gdaltest.kea_driver.Delete('tmp/out2.kea') return 'success' ############################################################################### # Test AddBand def kea_11(): if gdaltest.kea_driver is None: return 'skip' ds = gdaltest.kea_driver.Create("tmp/out.kea", 1, 1, 1, gdal.GDT_Byte) ds = None ds = gdal.Open('tmp/out.kea', gdal.GA_Update) if ds.AddBand(gdal.GDT_Byte) != 0: gdaltest.post_reason('fail') return 'fail' if ds.AddBand(gdal.GDT_Int16, options = ['DEFLATE=9']) != 0: gdaltest.post_reason('fail') return 'fail' ds = None ds = gdal.Open('tmp/out.kea') if ds.RasterCount != 3: gdaltest.post_reason('fail') return 'fail' if ds.GetRasterBand(2).DataType != gdal.GDT_Byte: gdaltest.post_reason('fail') return 'fail' if ds.GetRasterBand(3).DataType != gdal.GDT_Int16: gdaltest.post_reason('fail') return 'fail' ds = None gdaltest.kea_driver.Delete('tmp/out.kea') return 'success' ############################################################################### # Test RAT def kea_12(): if gdaltest.kea_driver is None: return 'skip' ds = gdaltest.kea_driver.Create("tmp/out.kea", 1, 1, 1, gdal.GDT_Byte) if ds.GetRasterBand(1).GetDefaultRAT().GetColumnCount() != 0: gdaltest.post_reason('fail') return 'fail' if ds.GetRasterBand(1).SetDefaultRAT( None ) == 0: # not allowed by the driver gdaltest.post_reason('fail') return 'fail' rat = ds.GetRasterBand(1).GetDefaultRAT() rat.CreateColumn('col_real_generic', gdal.GFT_Real, gdal.GFU_Generic) if ds.GetRasterBand(1).SetDefaultRAT( rat ) != 0: gdaltest.post_reason('fail') return 'fail' rat = ds.GetRasterBand(1).GetDefaultRAT() rat.CreateColumn('col_integer_pixelcount', gdal.GFT_Real, gdal.GFU_PixelCount) rat.CreateColumn('col_string_name', gdal.GFT_String, gdal.GFU_Name) rat.CreateColumn('col_integer_red', gdal.GFT_Integer, gdal.GFU_Red) rat.CreateColumn('col_integer_green', gdal.GFT_Integer, gdal.GFU_Green) rat.CreateColumn('col_integer_blue', gdal.GFT_Integer, gdal.GFU_Blue) rat.CreateColumn('col_integer_alpha', gdal.GFT_Integer, gdal.GFU_Alpha) rat.SetRowCount(1) rat.SetValueAsString(0,0,"1.23") rat.SetValueAsInt(0,0,1) rat.SetValueAsDouble(0,0,1.23) rat.SetValueAsInt(0,2,0) rat.SetValueAsDouble(0,2,0) rat.SetValueAsString(0,2,'foo') rat.SetValueAsString(0,3,"123") rat.SetValueAsDouble(0,3,123) rat.SetValueAsInt(0,3,123) cloned_rat = rat.Clone() if ds.GetRasterBand(1).SetDefaultRAT( rat ) != 0: gdaltest.post_reason('fail') return 'fail' ds = None ds = gdal.Open('tmp/out.kea') out2_ds = gdaltest.kea_driver.CreateCopy('tmp/out2.kea', ds) rat = out2_ds.GetRasterBand(1).GetDefaultRAT() for i in range(7): if rat.GetColOfUsage(rat.GetUsageOfCol(i)) != i: gdaltest.post_reason('fail') print(i) print(rat.GetColOfUsage(rat.GetUsageOfCol(i))) return 'fail' if cloned_rat.GetNameOfCol(0) != 'col_real_generic': gdaltest.post_reason('fail') return 'fail' if cloned_rat.GetTypeOfCol(0) != gdal.GFT_Real: gdaltest.post_reason('fail') return 'fail' if cloned_rat.GetUsageOfCol(0) != gdal.GFU_Generic: gdaltest.post_reason('fail') return 'fail' if cloned_rat.GetUsageOfCol(1) != gdal.GFU_PixelCount: gdaltest.post_reason('fail') return 'fail' if cloned_rat.GetTypeOfCol(2) != gdal.GFT_String: gdaltest.post_reason('fail') return 'fail' if cloned_rat.GetTypeOfCol(3) != gdal.GFT_Integer: gdaltest.post_reason('fail') return 'fail' if rat.GetColumnCount() != cloned_rat.GetColumnCount(): gdaltest.post_reason('fail') return 'fail' if rat.GetRowCount() != cloned_rat.GetRowCount(): gdaltest.post_reason('fail') return 'fail' for i in range(rat.GetColumnCount()): if rat.GetNameOfCol(i) != cloned_rat.GetNameOfCol(i): gdaltest.post_reason('fail') return 'fail' if rat.GetTypeOfCol(i) != cloned_rat.GetTypeOfCol(i): gdaltest.post_reason('fail') return 'fail' if rat.GetUsageOfCol(i) != cloned_rat.GetUsageOfCol(i): gdaltest.post_reason('fail') print(i) print(rat.GetUsageOfCol(i)) print(cloned_rat.GetUsageOfCol(i)) return 'fail' gdal.PushErrorHandler('CPLQuietErrorHandler') rat.GetNameOfCol(-1) rat.GetTypeOfCol(-1) rat.GetUsageOfCol(-1) rat.GetNameOfCol(rat.GetColumnCount()) rat.GetTypeOfCol(rat.GetColumnCount()) rat.GetUsageOfCol(rat.GetColumnCount()) rat.GetValueAsDouble( -1, 0 ) rat.GetValueAsInt( -1, 0 ) rat.GetValueAsString( -1, 0 ) rat.GetValueAsDouble( rat.GetColumnCount(), 0 ) rat.GetValueAsInt( rat.GetColumnCount(), 0 ) rat.GetValueAsString( rat.GetColumnCount(), 0 ) rat.GetValueAsDouble( 0, -1 ) rat.GetValueAsInt( 0, -1 ) rat.GetValueAsString( 0, -1 ) rat.GetValueAsDouble( 0, rat.GetRowCount() ) rat.GetValueAsInt( 0, rat.GetRowCount() ) rat.GetValueAsString( 0, rat.GetRowCount() ) gdal.PopErrorHandler() if rat.GetValueAsDouble( 0, 0 ) != 1.23: gdaltest.post_reason('fail') return 'fail' if rat.GetValueAsInt( 0, 0 ) != 1: gdaltest.post_reason('fail') return 'fail' if rat.GetValueAsString( 0, 0 ) != '1.23': gdaltest.post_reason('fail') print(rat.GetValueAsString( 0, 0 )) return 'fail' if rat.GetValueAsInt( 0, 3 ) != 123: gdaltest.post_reason('fail') return 'fail' if rat.GetValueAsDouble( 0, 3 ) != 123: gdaltest.post_reason('fail') return 'fail' if rat.GetValueAsString( 0, 3 ) != '123': gdaltest.post_reason('fail') return 'fail' if rat.GetValueAsString( 0, 2 ) != 'foo': gdaltest.post_reason('fail') return 'fail' if rat.GetValueAsInt( 0, 2 ) != 0: gdaltest.post_reason('fail') return 'fail' if rat.GetValueAsDouble( 0, 2 ) != 0: gdaltest.post_reason('fail') return 'fail' ds = None out2_ds = None gdaltest.kea_driver.Delete('tmp/out.kea') gdaltest.kea_driver.Delete('tmp/out2.kea') return 'success' ############################################################################### # Test overviews def kea_13(): if gdaltest.kea_driver is None: return 'skip' src_ds = gdal.Open('data/byte.tif') ds = gdaltest.kea_driver.CreateCopy("tmp/out.kea", src_ds) src_ds = None ds.BuildOverviews('NEAR', [2]) ds = None ds = gdal.Open('tmp/out.kea') out2_ds = gdaltest.kea_driver.CreateCopy('tmp/out2.kea', ds) # yes CreateCopy() of KEA copies overviews if out2_ds.GetRasterBand(1).GetOverviewCount() != 1: gdaltest.post_reason('fail') return 'fail' if out2_ds.GetRasterBand(1).GetOverview(0).Checksum() != 1087: gdaltest.post_reason('fail') return 'fail' if out2_ds.GetRasterBand(1).GetOverview(0).GetDefaultRAT() is not None: gdaltest.post_reason('fail') return 'fail' if out2_ds.GetRasterBand(1).GetOverview(0).SetDefaultRAT(None) == 0: gdaltest.post_reason('fail') return 'fail' if out2_ds.GetRasterBand(1).GetOverview(-1) is not None: gdaltest.post_reason('fail') return 'fail' if out2_ds.GetRasterBand(1).GetOverview(1) is not None: gdaltest.post_reason('fail') return 'fail' out2_ds = None ds = None gdaltest.kea_driver.Delete('tmp/out.kea') gdaltest.kea_driver.Delete('tmp/out2.kea') return 'success' ############################################################################### # Test mask bands def kea_14(): if gdaltest.kea_driver is None: return 'skip' ds = gdaltest.kea_driver.Create("tmp/out.kea", 1, 1, 1, gdal.GDT_Byte) if ds.GetRasterBand(1).GetMaskFlags() != gdal.GMF_ALL_VALID: gdaltest.post_reason('fail') return 'fail' if ds.GetRasterBand(1).GetMaskBand().Checksum() != 3: print(ds.GetRasterBand(1).GetMaskBand().Checksum()) gdaltest.post_reason('fail') return 'fail' ds.GetRasterBand(1).CreateMaskBand(0) if ds.GetRasterBand(1).GetMaskFlags() != 0: gdaltest.post_reason('fail') return 'fail' if ds.GetRasterBand(1).GetMaskBand().Checksum() != 3: print(ds.GetRasterBand(1).GetMaskBand().Checksum()) gdaltest.post_reason('fail') return 'fail' ds.GetRasterBand(1).GetMaskBand().Fill(0) if ds.GetRasterBand(1).GetMaskBand().Checksum() != 0: print(ds.GetRasterBand(1).GetMaskBand().Checksum()) gdaltest.post_reason('fail') return 'fail' ds = None ds = gdal.Open('tmp/out.kea') out2_ds = gdaltest.kea_driver.CreateCopy('tmp/out2.kea', ds) # yes CreateCopy() of KEA copies overviews if out2_ds.GetRasterBand(1).GetMaskFlags() != 0: gdaltest.post_reason('fail') return 'fail' if out2_ds.GetRasterBand(1).GetMaskBand().Checksum() != 0: print(out2_ds.GetRasterBand(1).GetMaskBand().Checksum()) gdaltest.post_reason('fail') return 'fail' out2_ds = None ds = None gdaltest.kea_driver.Delete('tmp/out.kea') gdaltest.kea_driver.Delete('tmp/out2.kea') return 'success' gdaltest_list = [ kea_init, kea_1, kea_2, kea_3, kea_4, kea_5, kea_6, kea_7, kea_8, kea_9, kea_10, kea_11, kea_12, kea_13, kea_14 ] if __name__ == '__main__': gdaltest.setup_run( 'kea' ) gdaltest.run_tests( gdaltest_list ) gdaltest.summarize()
4c8a5ec0a1babe7f7faaccd7a56cf6452644aa9e
ca7aa979e7059467e158830b76673f5b77a0f5a3
/Python_codes/p02783/s364760222.py
56095ba287f4d078faedb65eb7b8df8402523e7c
[]
no_license
Aasthaengg/IBMdataset
7abb6cbcc4fb03ef5ca68ac64ba460c4a64f8901
f33f1c5c3b16d0ea8d1f5a7d479ad288bb3f48d8
refs/heads/main
2023-04-22T10:22:44.763102
2021-05-13T17:27:22
2021-05-13T17:27:22
367,112,348
0
0
null
null
null
null
UTF-8
Python
false
false
1,012
py
import sys #import string #from collections import defaultdict, deque, Counter #import bisect #import heapq #import math #from itertools import accumulate #from itertools import permutations as perm #from itertools import combinations as comb #from itertools import combinations_with_replacement as combr #from fractions import gcd #import numpy as np stdin = sys.stdin sys.setrecursionlimit(10 ** 7) MIN = -10 ** 9 MOD = 10 ** 9 + 7 INF = float("inf") IINF = 10 ** 18 def solve(): #n = int(stdin.readline().rstrip()) h,a = map(int, stdin.readline().rstrip().split()) #l = list(map(int, stdin.readline().rstrip().split())) #numbers = [[int(c) for c in l.strip().split()] for l in sys.stdin] #word = [stdin.readline().rstrip() for _ in range(n)] #number = [[int(c) for c in stdin.readline().rstrip()] for _ in range(n)] #zeros = [[0] * w for i in range(h)] ans = h // a if h%a == 0: print(ans) else: print(ans + 1) if __name__ == '__main__': solve()
8f1a6d780bd0edce2d520e13dad88a8227254da9
80d50ea48e10674b1b7d3f583a1c4b7d0b01200f
/src/datadog_api_client/v2/model/confluent_account_resource_attributes.py
17ce380b94bbc1ddf35e1700b093ca27a39b4d1d
[ "Apache-2.0", "BSD-3-Clause", "MIT", "MPL-2.0" ]
permissive
DataDog/datadog-api-client-python
3e01fa630278ad0b5c7005f08b7f61d07aa87345
392de360e7de659ee25e4a6753706820ca7c6a92
refs/heads/master
2023-09-01T20:32:37.718187
2023-09-01T14:42:04
2023-09-01T14:42:04
193,793,657
82
36
Apache-2.0
2023-09-14T18:22:39
2019-06-25T22:52:04
Python
UTF-8
Python
false
false
2,096
py
# Unless explicitly stated otherwise all files in this repository are licensed under the Apache-2.0 License. # This product includes software developed at Datadog (https://www.datadoghq.com/). # Copyright 2019-Present Datadog, Inc. from __future__ import annotations from typing import List, Union from datadog_api_client.model_utils import ( ModelNormal, cached_property, unset, UnsetType, ) class ConfluentAccountResourceAttributes(ModelNormal): @cached_property def openapi_types(_): return { "enable_custom_metrics": (bool,), "id": (str,), "resource_type": (str,), "tags": ([str],), } attribute_map = { "enable_custom_metrics": "enable_custom_metrics", "id": "id", "resource_type": "resource_type", "tags": "tags", } def __init__( self_, resource_type: str, enable_custom_metrics: Union[bool, UnsetType] = unset, id: Union[str, UnsetType] = unset, tags: Union[List[str], UnsetType] = unset, **kwargs, ): """ Attributes object for updating a Confluent resource. :param enable_custom_metrics: Enable the ``custom.consumer_lag_offset`` metric, which contains extra metric tags. :type enable_custom_metrics: bool, optional :param id: The ID associated with a Confluent resource. :type id: str, optional :param resource_type: The resource type of the Resource. Can be ``kafka`` , ``connector`` , ``ksql`` , or ``schema_registry``. :type resource_type: str :param tags: A list of strings representing tags. Can be a single key, or key-value pairs separated by a colon. :type tags: [str], optional """ if enable_custom_metrics is not unset: kwargs["enable_custom_metrics"] = enable_custom_metrics if id is not unset: kwargs["id"] = id if tags is not unset: kwargs["tags"] = tags super().__init__(kwargs) self_.resource_type = resource_type
66491e93bac49e0f9d5e1cb7578aace7fd501279
7694af8a805b20f2d9f435b381d8cb5e59bffa50
/apps/landing/templatetags/cart_template_tags.py
c7596e8ad09f84ee8777f8d9a432df147b2dd23a
[]
no_license
RympeR/dindex_landing
b0e1115a7009e25072369077a6854b93f1111054
cb422bb148a2b5793e0ba13c9525dd0fd64a6f09
refs/heads/main
2023-06-23T20:16:14.908847
2021-07-22T14:05:29
2021-07-22T14:05:29
380,458,484
0
0
null
null
null
null
UTF-8
Python
false
false
119
py
from django import template register = template.Library() @register.filter def post_categories(value): return 0
fe5bc6143a588be282570b8bc834be40068790f1
e3365bc8fa7da2753c248c2b8a5c5e16aef84d9f
/indices/nnn1329.py
dd7710a727f8089d0e50e81562f7df4f484b794b
[]
no_license
psdh/WhatsintheVector
e8aabacc054a88b4cb25303548980af9a10c12a8
a24168d068d9c69dc7a0fd13f606c080ae82e2a6
refs/heads/master
2021-01-25T10:34:22.651619
2015-09-23T11:54:06
2015-09-23T11:54:06
42,749,205
2
3
null
2015-09-23T11:54:07
2015-09-18T22:06:38
Python
UTF-8
Python
false
false
121
py
ii = [('UnitAI.py', 1), ('FitzRNS3.py', 1), ('DaltJMA.py', 1), ('WheeJPT.py', 1), ('MereHHB3.py', 1), ('MereHHB2.py', 2)]
5a0d3f5f22f67c39c6323697a44bd6491d06ab42
a5455dbb01687ab031f6347306dbb5ccc3c0c162
/第一阶段/day13/code/mymod3.py
bb84da638d9bdc4dc9f09578b20fc403ed12fb85
[]
no_license
zuobing1995/tiantianguoyuan
9ff67aef6d916e27d92b63f812c96a6d5dbee6f8
29af861f5edf74a4a1a4156153678b226719c56d
refs/heads/master
2022-11-22T06:50:13.818113
2018-11-06T04:52:53
2018-11-06T04:52:53
156,317,754
1
1
null
2022-11-22T01:06:37
2018-11-06T03:02:51
Python
UTF-8
Python
false
false
156
py
# mymod3.py # 此模块示意模块的隐藏属性 def f1(): pass def _f2(): pass def __f3(): pass name1 = "abc" _name2 = '123'
ee413656c69701681e6825f68e0cd9d3ab01a601
5f885e38973c4eddd6f086cbc7463de56fe1edab
/rotkehlchen/exchanges/bittrex.py
1f4f76b8e4842a5a53cce1dfab102cd03bd98952
[ "BSD-3-Clause" ]
permissive
hjorthjort/rotki
8922372e2f1ce5bf5fab3a68f0362b50a952af81
5bd4cdf0c756873b41999ced6d5fd7383fb75963
refs/heads/master
2021-03-24T00:14:56.421344
2020-03-10T12:26:16
2020-03-10T13:43:15
247,496,415
0
0
BSD-3-Clause
2020-03-15T15:39:52
2020-03-15T15:39:52
null
UTF-8
Python
false
false
15,927
py
import hashlib import hmac import logging import time from json.decoder import JSONDecodeError from typing import TYPE_CHECKING, Any, Dict, List, Optional, Tuple, Union, overload from urllib.parse import urlencode from typing_extensions import Literal from rotkehlchen.assets.asset import Asset from rotkehlchen.assets.converters import asset_from_bittrex from rotkehlchen.constants.misc import ZERO from rotkehlchen.errors import ( DeserializationError, RemoteError, UnknownAsset, UnprocessableTradePair, UnsupportedAsset, ) from rotkehlchen.exchanges.data_structures import ( AssetMovement, Trade, get_pair_position_asset, trade_pair_from_assets, ) from rotkehlchen.exchanges.exchange import ExchangeInterface from rotkehlchen.fval import FVal from rotkehlchen.inquirer import Inquirer from rotkehlchen.logging import RotkehlchenLogsAdapter from rotkehlchen.serialization.deserialize import ( deserialize_asset_amount, deserialize_fee, deserialize_price, deserialize_timestamp_from_bittrex_date, deserialize_trade_type, get_pair_position_str, pair_get_assets, ) from rotkehlchen.typing import ( ApiKey, ApiSecret, AssetMovementCategory, Fee, Location, Timestamp, TradePair, ) from rotkehlchen.user_messages import MessagesAggregator from rotkehlchen.utils.interfaces import cache_response_timewise, protect_with_lock from rotkehlchen.utils.serialization import rlk_jsonloads_dict if TYPE_CHECKING: from rotkehlchen.db.dbhandler import DBHandler logger = logging.getLogger(__name__) log = RotkehlchenLogsAdapter(logger) BITTREX_MARKET_METHODS = { 'getopenorders', 'cancel', 'sellmarket', 'selllimit', 'buymarket', 'buylimit', } BITTREX_ACCOUNT_METHODS = { 'getbalances', 'getbalance', 'getdepositaddress', 'withdraw', 'getorderhistory', 'getdeposithistory', 'getwithdrawalhistory', } BittrexListReturnMethod = Literal[ 'getcurrencies', 'getorderhistory', 'getbalances', 'getdeposithistory', 'getwithdrawalhistory', ] def bittrex_pair_to_world(given_pair: str) -> TradePair: """ Turns a pair written in the bittrex way to Rotkehlchen way Throws: - UnsupportedAsset due to asset_from_bittrex() - UnprocessableTradePair if the pair can't be split into its parts """ if not isinstance(given_pair, str): raise DeserializationError( f'Could not deserialize bittrex trade pair. Expected a string ' f'but found {type(given_pair)}', ) pair = TradePair(given_pair.replace('-', '_')) base_currency = asset_from_bittrex(get_pair_position_str(pair, 'first')) quote_currency = asset_from_bittrex(get_pair_position_str(pair, 'second')) # Since in Bittrex the base currency is the cost currency, iow in Bittrex # for BTC_ETH we buy ETH with BTC and sell ETH for BTC, we need to turn it # into the Rotkehlchen way which is following the base/quote approach. pair = trade_pair_from_assets(quote_currency, base_currency) return pair def world_pair_to_bittrex(pair: TradePair) -> str: """Turns a rotkehlchen pair to a bittrex pair""" base_asset, quote_asset = pair_get_assets(pair) base_asset_str = base_asset.to_bittrex() quote_asset_str = quote_asset.to_bittrex() # In bittrex the pairs are inverted and use '-' return f'{quote_asset_str}-{base_asset_str}' def trade_from_bittrex(bittrex_trade: Dict[str, Any]) -> Trade: """Turn a bittrex trade returned from bittrex trade history to our common trade history format Throws: - UnknownAsset/UnsupportedAsset due to bittrex_pair_to_world() - DeserializationError due to unexpected format of dict entries - KeyError due to dict entries missing an expected entry """ amount = ( deserialize_asset_amount(bittrex_trade['Quantity']) - deserialize_asset_amount(bittrex_trade['QuantityRemaining']) ) timestamp = deserialize_timestamp_from_bittrex_date(bittrex_trade['TimeStamp']) rate = deserialize_price(bittrex_trade['PricePerUnit']) order_type = deserialize_trade_type(bittrex_trade['OrderType']) bittrex_price = deserialize_price(bittrex_trade['Price']) fee = deserialize_fee(bittrex_trade['Commission']) pair = bittrex_pair_to_world(bittrex_trade['Exchange']) quote_currency = get_pair_position_asset(pair, 'second') log.debug( 'Processing bittrex Trade', sensitive_log=True, amount=amount, rate=rate, order_type=order_type, price=bittrex_price, fee=fee, bittrex_pair=bittrex_trade['Exchange'], pair=pair, ) return Trade( timestamp=timestamp, location=Location.BITTREX, pair=pair, trade_type=order_type, amount=amount, rate=rate, fee=fee, fee_currency=quote_currency, link=str(bittrex_trade['OrderUuid']), ) class Bittrex(ExchangeInterface): def __init__( self, api_key: ApiKey, secret: ApiSecret, database: 'DBHandler', msg_aggregator: MessagesAggregator, ): super(Bittrex, self).__init__('bittrex', api_key, secret, database) self.apiversion = 'v1.1' self.uri = 'https://bittrex.com/api/{}/'.format(self.apiversion) self.msg_aggregator = msg_aggregator def first_connection(self) -> None: self.first_connection_made = True def validate_api_key(self) -> Tuple[bool, str]: try: self.api_query('getbalance', {'currency': 'BTC'}) except ValueError as e: error = str(e) if error == 'APIKEY_INVALID': return False, 'Provided API Key is invalid' elif error == 'INVALID_SIGNATURE': return False, 'Provided API Secret is invalid' else: raise return True, '' @overload def api_query( # pylint: disable=unused-argument, no-self-use self, method: BittrexListReturnMethod, options: Optional[Dict[str, Any]] = None, ) -> List[Dict[str, Any]]: ... @overload # noqa: F811 def api_query( # noqa: F811 # pylint: disable=unused-argument, no-self-use self, method: Literal['getbalance'], options: Optional[Dict[str, Any]] = None, ) -> Dict[str, Any]: ... @overload # noqa: F811 def api_query( # noqa: F811 # pylint: disable=unused-argument, no-self-use self, method: str, options: Optional[Dict[str, Any]] = None, ) -> Union[List[Dict[str, Any]], Dict[str, Any]]: ... def api_query( # noqa: F811 self, method: str, options: Optional[Dict[str, Any]] = None, ) -> Union[List[Dict[str, Any]], Dict[str, Any]]: """ Queries Bittrex with given method and options """ if not options: options = {} nonce = str(int(time.time() * 1000)) method_type = 'public' if method in BITTREX_MARKET_METHODS: method_type = 'market' elif method in BITTREX_ACCOUNT_METHODS: method_type = 'account' request_url = self.uri + method_type + '/' + method + '?' if method_type != 'public': request_url += 'apikey=' + self.api_key + "&nonce=" + nonce + '&' request_url += urlencode(options) signature = hmac.new( self.secret, request_url.encode(), hashlib.sha512, ).hexdigest() self.session.headers.update({'apisign': signature}) log.debug('Bittrex API query', request_url=request_url) response = self.session.get(request_url) if response.status_code != 200: raise RemoteError( f'Bittrex query responded with error status code: {response.status_code}' f' and text: {response.text}', ) try: json_ret = rlk_jsonloads_dict(response.text) except JSONDecodeError: raise RemoteError(f'Bittrex returned invalid JSON response: {response.text}') if json_ret['success'] is not True: raise RemoteError(json_ret['message']) result = json_ret['result'] assert isinstance(result, dict) or isinstance(result, list) return result def get_currencies(self) -> List[Dict[str, Any]]: """Gets a list of all currencies supported by Bittrex""" result = self.api_query('getcurrencies') return result @protect_with_lock() @cache_response_timewise() def query_balances(self) -> Tuple[Optional[Dict[Asset, Dict[str, Any]]], str]: try: resp = self.api_query('getbalances') except RemoteError as e: msg = ( 'Bittrex API request failed. Could not reach bittrex due ' 'to {}'.format(e) ) log.error(msg) return None, msg returned_balances = {} for entry in resp: try: asset = asset_from_bittrex(entry['Currency']) except UnsupportedAsset as e: self.msg_aggregator.add_warning( f'Found unsupported bittrex asset {e.asset_name}. ' f' Ignoring its balance query.', ) continue except UnknownAsset as e: self.msg_aggregator.add_warning( f'Found unknown bittrex asset {e.asset_name}. ' f' Ignoring its balance query.', ) continue except DeserializationError: self.msg_aggregator.add_error( f'Found bittrex asset with non-string type {type(entry["Currency"])}' f' Ignoring its balance query.', ) continue try: usd_price = Inquirer().find_usd_price(asset=asset) except RemoteError as e: self.msg_aggregator.add_error( f'Error processing bittrex balance entry due to inability to ' f'query USD price: {str(e)}. Skipping balance entry', ) continue balance = {} balance['amount'] = FVal(entry['Balance']) balance['usd_value'] = FVal(balance['amount']) * usd_price returned_balances[asset] = balance log.debug( 'bittrex balance query result', sensitive_log=True, currency=asset, amount=balance['amount'], usd_value=balance['usd_value'], ) return returned_balances, '' def query_online_trade_history( self, start_ts: Timestamp, end_ts: Timestamp, market: Optional[TradePair] = None, count: Optional[int] = None, ) -> List[Trade]: options: Dict[str, Union[str, int]] = {} if market is not None: options['market'] = world_pair_to_bittrex(market) if count is not None: options['count'] = count raw_data = self.api_query('getorderhistory', options) log.debug('binance order history result', results_num=len(raw_data)) trades = [] for raw_trade in raw_data: try: trade = trade_from_bittrex(raw_trade) except UnknownAsset as e: self.msg_aggregator.add_warning( f'Found bittrex trade with unknown asset ' f'{e.asset_name}. Ignoring it.', ) continue except UnsupportedAsset as e: self.msg_aggregator.add_warning( f'Found bittrex trade with unsupported asset ' f'{e.asset_name}. Ignoring it.', ) continue except UnprocessableTradePair as e: self.msg_aggregator.add_error( f'Found bittrex trade with unprocessable pair ' f'{e.pair}. Ignoring it.', ) continue except (DeserializationError, KeyError) as e: msg = str(e) if isinstance(e, KeyError): msg = f'Missing key entry for {msg}.' self.msg_aggregator.add_error( 'Error processing a bittrex trade. Check logs ' 'for details. Ignoring it.', ) log.error( 'Error processing a bittrex trade', trade=raw_trade, error=msg, ) continue if trade.timestamp < start_ts or trade.timestamp > end_ts: continue trades.append(trade) return trades def _deserialize_asset_movement(self, raw_data: Dict[str, Any]) -> Optional[AssetMovement]: """Processes a single deposit/withdrawal from bittrex and deserializes it Can log error/warning and return None if something went wrong at deserialization """ try: if 'TxCost' in raw_data: category = AssetMovementCategory.WITHDRAWAL date_key = 'Opened' fee = deserialize_fee(raw_data['TxCost']) else: category = AssetMovementCategory.DEPOSIT date_key = 'LastUpdated' fee = Fee(ZERO) timestamp = deserialize_timestamp_from_bittrex_date(raw_data[date_key]) asset = asset_from_bittrex(raw_data['Currency']) return AssetMovement( location=Location.BITTREX, category=category, timestamp=timestamp, asset=asset, amount=deserialize_asset_amount(raw_data['Amount']), fee_asset=asset, fee=fee, link=str(raw_data['TxId']), ) except UnknownAsset as e: self.msg_aggregator.add_warning( f'Found bittrex deposit/withdrawal with unknown asset ' f'{e.asset_name}. Ignoring it.', ) except UnsupportedAsset as e: self.msg_aggregator.add_warning( f'Found bittrex deposit/withdrawal with unsupported asset ' f'{e.asset_name}. Ignoring it.', ) except (DeserializationError, KeyError) as e: msg = str(e) if isinstance(e, KeyError): msg = f'Missing key entry for {msg}.' self.msg_aggregator.add_error( f'Unexpected data encountered during deserialization of a bittrex ' f'asset movement. Check logs for details and open a bug report.', ) log.error( f'Unexpected data encountered during deserialization of bittrex ' f'asset_movement {raw_data}. Error was: {str(e)}', ) return None def query_online_deposits_withdrawals( self, start_ts: Timestamp, end_ts: Timestamp, ) -> List[AssetMovement]: raw_data = self.api_query('getdeposithistory') raw_data.extend(self.api_query('getwithdrawalhistory')) log.debug('bittrex deposit/withdrawal history result', results_num=len(raw_data)) movements = [] for raw_movement in raw_data: movement = self._deserialize_asset_movement(raw_movement) if movement and movement.timestamp >= start_ts and movement.timestamp <= end_ts: movements.append(movement) return movements
35c18252ebf33bb45574a6aac18b24612ea99638
98efe1aee73bd9fbec640132e6fb2e54ff444904
/loldib/getratings/models/NA/na_ezreal/na_ezreal_top.py
9d3af100a74aaa3bca56f5bd36d826514b917710
[ "Apache-2.0" ]
permissive
koliupy/loldib
be4a1702c26546d6ae1b4a14943a416f73171718
c9ab94deb07213cdc42b5a7c26467cdafaf81b7f
refs/heads/master
2021-07-04T03:34:43.615423
2017-09-21T15:44:10
2017-09-21T15:44:10
104,359,388
0
0
null
null
null
null
UTF-8
Python
false
false
6,545
py
from getratings.models.ratings import Ratings class NA_Ezreal_Top_Aatrox(Ratings): pass class NA_Ezreal_Top_Ahri(Ratings): pass class NA_Ezreal_Top_Akali(Ratings): pass class NA_Ezreal_Top_Alistar(Ratings): pass class NA_Ezreal_Top_Amumu(Ratings): pass class NA_Ezreal_Top_Anivia(Ratings): pass class NA_Ezreal_Top_Annie(Ratings): pass class NA_Ezreal_Top_Ashe(Ratings): pass class NA_Ezreal_Top_AurelionSol(Ratings): pass class NA_Ezreal_Top_Azir(Ratings): pass class NA_Ezreal_Top_Bard(Ratings): pass class NA_Ezreal_Top_Blitzcrank(Ratings): pass class NA_Ezreal_Top_Brand(Ratings): pass class NA_Ezreal_Top_Braum(Ratings): pass class NA_Ezreal_Top_Caitlyn(Ratings): pass class NA_Ezreal_Top_Camille(Ratings): pass class NA_Ezreal_Top_Cassiopeia(Ratings): pass class NA_Ezreal_Top_Chogath(Ratings): pass class NA_Ezreal_Top_Corki(Ratings): pass class NA_Ezreal_Top_Darius(Ratings): pass class NA_Ezreal_Top_Diana(Ratings): pass class NA_Ezreal_Top_Draven(Ratings): pass class NA_Ezreal_Top_DrMundo(Ratings): pass class NA_Ezreal_Top_Ekko(Ratings): pass class NA_Ezreal_Top_Elise(Ratings): pass class NA_Ezreal_Top_Evelynn(Ratings): pass class NA_Ezreal_Top_Ezreal(Ratings): pass class NA_Ezreal_Top_Fiddlesticks(Ratings): pass class NA_Ezreal_Top_Fiora(Ratings): pass class NA_Ezreal_Top_Fizz(Ratings): pass class NA_Ezreal_Top_Galio(Ratings): pass class NA_Ezreal_Top_Gangplank(Ratings): pass class NA_Ezreal_Top_Garen(Ratings): pass class NA_Ezreal_Top_Gnar(Ratings): pass class NA_Ezreal_Top_Gragas(Ratings): pass class NA_Ezreal_Top_Graves(Ratings): pass class NA_Ezreal_Top_Hecarim(Ratings): pass class NA_Ezreal_Top_Heimerdinger(Ratings): pass class NA_Ezreal_Top_Illaoi(Ratings): pass class NA_Ezreal_Top_Irelia(Ratings): pass class NA_Ezreal_Top_Ivern(Ratings): pass class NA_Ezreal_Top_Janna(Ratings): pass class NA_Ezreal_Top_JarvanIV(Ratings): pass class NA_Ezreal_Top_Jax(Ratings): pass class NA_Ezreal_Top_Jayce(Ratings): pass class NA_Ezreal_Top_Jhin(Ratings): pass class NA_Ezreal_Top_Jinx(Ratings): pass class NA_Ezreal_Top_Kalista(Ratings): pass class NA_Ezreal_Top_Karma(Ratings): pass class NA_Ezreal_Top_Karthus(Ratings): pass class NA_Ezreal_Top_Kassadin(Ratings): pass class NA_Ezreal_Top_Katarina(Ratings): pass class NA_Ezreal_Top_Kayle(Ratings): pass class NA_Ezreal_Top_Kayn(Ratings): pass class NA_Ezreal_Top_Kennen(Ratings): pass class NA_Ezreal_Top_Khazix(Ratings): pass class NA_Ezreal_Top_Kindred(Ratings): pass class NA_Ezreal_Top_Kled(Ratings): pass class NA_Ezreal_Top_KogMaw(Ratings): pass class NA_Ezreal_Top_Leblanc(Ratings): pass class NA_Ezreal_Top_LeeSin(Ratings): pass class NA_Ezreal_Top_Leona(Ratings): pass class NA_Ezreal_Top_Lissandra(Ratings): pass class NA_Ezreal_Top_Lucian(Ratings): pass class NA_Ezreal_Top_Lulu(Ratings): pass class NA_Ezreal_Top_Lux(Ratings): pass class NA_Ezreal_Top_Malphite(Ratings): pass class NA_Ezreal_Top_Malzahar(Ratings): pass class NA_Ezreal_Top_Maokai(Ratings): pass class NA_Ezreal_Top_MasterYi(Ratings): pass class NA_Ezreal_Top_MissFortune(Ratings): pass class NA_Ezreal_Top_MonkeyKing(Ratings): pass class NA_Ezreal_Top_Mordekaiser(Ratings): pass class NA_Ezreal_Top_Morgana(Ratings): pass class NA_Ezreal_Top_Nami(Ratings): pass class NA_Ezreal_Top_Nasus(Ratings): pass class NA_Ezreal_Top_Nautilus(Ratings): pass class NA_Ezreal_Top_Nidalee(Ratings): pass class NA_Ezreal_Top_Nocturne(Ratings): pass class NA_Ezreal_Top_Nunu(Ratings): pass class NA_Ezreal_Top_Olaf(Ratings): pass class NA_Ezreal_Top_Orianna(Ratings): pass class NA_Ezreal_Top_Ornn(Ratings): pass class NA_Ezreal_Top_Pantheon(Ratings): pass class NA_Ezreal_Top_Poppy(Ratings): pass class NA_Ezreal_Top_Quinn(Ratings): pass class NA_Ezreal_Top_Rakan(Ratings): pass class NA_Ezreal_Top_Rammus(Ratings): pass class NA_Ezreal_Top_RekSai(Ratings): pass class NA_Ezreal_Top_Renekton(Ratings): pass class NA_Ezreal_Top_Rengar(Ratings): pass class NA_Ezreal_Top_Riven(Ratings): pass class NA_Ezreal_Top_Rumble(Ratings): pass class NA_Ezreal_Top_Ryze(Ratings): pass class NA_Ezreal_Top_Sejuani(Ratings): pass class NA_Ezreal_Top_Shaco(Ratings): pass class NA_Ezreal_Top_Shen(Ratings): pass class NA_Ezreal_Top_Shyvana(Ratings): pass class NA_Ezreal_Top_Singed(Ratings): pass class NA_Ezreal_Top_Sion(Ratings): pass class NA_Ezreal_Top_Sivir(Ratings): pass class NA_Ezreal_Top_Skarner(Ratings): pass class NA_Ezreal_Top_Sona(Ratings): pass class NA_Ezreal_Top_Soraka(Ratings): pass class NA_Ezreal_Top_Swain(Ratings): pass class NA_Ezreal_Top_Syndra(Ratings): pass class NA_Ezreal_Top_TahmKench(Ratings): pass class NA_Ezreal_Top_Taliyah(Ratings): pass class NA_Ezreal_Top_Talon(Ratings): pass class NA_Ezreal_Top_Taric(Ratings): pass class NA_Ezreal_Top_Teemo(Ratings): pass class NA_Ezreal_Top_Thresh(Ratings): pass class NA_Ezreal_Top_Tristana(Ratings): pass class NA_Ezreal_Top_Trundle(Ratings): pass class NA_Ezreal_Top_Tryndamere(Ratings): pass class NA_Ezreal_Top_TwistedFate(Ratings): pass class NA_Ezreal_Top_Twitch(Ratings): pass class NA_Ezreal_Top_Udyr(Ratings): pass class NA_Ezreal_Top_Urgot(Ratings): pass class NA_Ezreal_Top_Varus(Ratings): pass class NA_Ezreal_Top_Vayne(Ratings): pass class NA_Ezreal_Top_Veigar(Ratings): pass class NA_Ezreal_Top_Velkoz(Ratings): pass class NA_Ezreal_Top_Vi(Ratings): pass class NA_Ezreal_Top_Viktor(Ratings): pass class NA_Ezreal_Top_Vladimir(Ratings): pass class NA_Ezreal_Top_Volibear(Ratings): pass class NA_Ezreal_Top_Warwick(Ratings): pass class NA_Ezreal_Top_Xayah(Ratings): pass class NA_Ezreal_Top_Xerath(Ratings): pass class NA_Ezreal_Top_XinZhao(Ratings): pass class NA_Ezreal_Top_Yasuo(Ratings): pass class NA_Ezreal_Top_Yorick(Ratings): pass class NA_Ezreal_Top_Zac(Ratings): pass class NA_Ezreal_Top_Zed(Ratings): pass class NA_Ezreal_Top_Ziggs(Ratings): pass class NA_Ezreal_Top_Zilean(Ratings): pass class NA_Ezreal_Top_Zyra(Ratings): pass
c66f64e3cdef0df7c0c6fea5459b75f5b42961cf
c17374a533fd7f21be10ef2077e261849ed87c7e
/electoraid_cms/urls.py
e8e35769590ed4bab0662190aff56da33362675d
[]
no_license
electoraid/electoraid-cms
cf8a6f9ebf6951625c202ff8b9e2c3ad72f528ae
8a11b4b7b6d9eadf283af0725a57710eddffe216
refs/heads/master
2022-12-12T13:47:02.793891
2019-12-04T02:25:09
2019-12-04T02:25:09
223,650,774
0
0
null
2022-12-08T03:15:57
2019-11-23T20:45:38
Python
UTF-8
Python
false
false
967
py
"""electoraid_cms URL Configuration The `urlpatterns` list routes URLs to views. For more information please see: https://docs.djangoproject.com/en/2.2/topics/http/urls/ Examples: Function views 1. Add an import: from my_app import views 2. Add a URL to urlpatterns: path('', views.home, name='home') Class-based views 1. Add an import: from other_app.views import Home 2. Add a URL to urlpatterns: path('', Home.as_view(), name='home') Including another URLconf 1. Import the include() function: from django.urls import include, path 2. Add a URL to urlpatterns: path('blog/', include('blog.urls')) """ from baton.autodiscover import admin from django.urls import include, path from django.views.generic.base import RedirectView from django.views.decorators.csrf import csrf_exempt urlpatterns = [ path('admin/', admin.site.urls), path('baton/', include('baton.urls')), path('', RedirectView.as_view(url='/admin')), ]
d50399a4eaf3be5ae62e3552b7e3c06a7c689c23
e14605612c96d450bea1fca7fa9963105b6452fb
/tensorflow/python/training/ftrl_test.py
eb581048f165c2cfcebeff4238941b043d138053
[ "Apache-2.0" ]
permissive
Yangqing/tensorflow
0bb9259398eac98dc8e9f48cc0b7506f4d5f8a24
18792c1fce7e12d36c0f1704cff15ed820cc6ff5
refs/heads/master
2023-06-20T21:11:52.483377
2015-11-11T21:16:55
2015-11-11T21:16:55
45,876,905
2
2
null
2015-11-11T21:16:55
2015-11-10T00:38:20
C++
UTF-8
Python
false
false
8,845
py
"""Functional tests for Ftrl operations.""" import tensorflow.python.platform import numpy as np import tensorflow as tf class FtrlOptimizerTest(tf.test.TestCase): def testFtrlwithoutRegularization(self): with self.test_session() as sess: var0 = tf.Variable([0.0, 0.0]) var1 = tf.Variable([0.0, 0.0]) grads0 = tf.constant([0.1, 0.2]) grads1 = tf.constant([0.01, 0.02]) opt = tf.train.FtrlOptimizer(3.0, initial_accumulator_value=0.1, l1_regularization_strength=0.0, l2_regularization_strength=0.0) update = opt.apply_gradients(zip([grads0, grads1], [var0, var1])) tf.initialize_all_variables().run() v0_val, v1_val = sess.run([var0, var1]) self.assertAllClose([0.0, 0.0], v0_val) self.assertAllClose([0.0, 0.0], v1_val) # Run 3 steps FTRL for _ in range(3): update.run() v0_val, v1_val = sess.run([var0, var1]) self.assertAllClose(np.array([-2.60260963, -4.29698515]), v0_val) self.assertAllClose(np.array([-0.28432083, -0.56694895]), v1_val) def testFtrlwithoutRegularization2(self): with self.test_session() as sess: var0 = tf.Variable([1.0, 2.0]) var1 = tf.Variable([4.0, 3.0]) grads0 = tf.constant([0.1, 0.2]) grads1 = tf.constant([0.01, 0.02]) opt = tf.train.FtrlOptimizer(3.0, initial_accumulator_value=0.1, l1_regularization_strength=0.0, l2_regularization_strength=0.0) update = opt.apply_gradients(zip([grads0, grads1], [var0, var1])) tf.initialize_all_variables().run() v0_val, v1_val = sess.run([var0, var1]) self.assertAllClose([1.0, 2.0], v0_val) self.assertAllClose([4.0, 3.0], v1_val) # Run 3 steps FTRL for _ in range(3): update.run() v0_val, v1_val = sess.run([var0, var1]) self.assertAllClose(np.array([-2.55607247, -3.98729396]), v0_val) self.assertAllClose(np.array([-0.28232238, -0.56096673]), v1_val) def testFtrlWithL1(self): with self.test_session() as sess: var0 = tf.Variable([1.0, 2.0]) var1 = tf.Variable([4.0, 3.0]) grads0 = tf.constant([0.1, 0.2]) grads1 = tf.constant([0.01, 0.02]) opt = tf.train.FtrlOptimizer(3.0, initial_accumulator_value=0.1, l1_regularization_strength=0.001, l2_regularization_strength=0.0) update = opt.apply_gradients(zip([grads0, grads1], [var0, var1])) tf.initialize_all_variables().run() v0_val, v1_val = sess.run([var0, var1]) self.assertAllClose([1.0, 2.0], v0_val) self.assertAllClose([4.0, 3.0], v1_val) # Run 10 steps FTRL for _ in range(10): update.run() v0_val, v1_val = sess.run([var0, var1]) self.assertAllClose(np.array([-7.66718769, -10.91273689]), v0_val) self.assertAllClose(np.array([-0.93460727, -1.86147261]), v1_val) def testFtrlWithL1_L2(self): with self.test_session() as sess: var0 = tf.Variable([1.0, 2.0]) var1 = tf.Variable([4.0, 3.0]) grads0 = tf.constant([0.1, 0.2]) grads1 = tf.constant([0.01, 0.02]) opt = tf.train.FtrlOptimizer(3.0, initial_accumulator_value=0.1, l1_regularization_strength=0.001, l2_regularization_strength=2.0) update = opt.apply_gradients(zip([grads0, grads1], [var0, var1])) tf.initialize_all_variables().run() v0_val, v1_val = sess.run([var0, var1]) self.assertAllClose([1.0, 2.0], v0_val) self.assertAllClose([4.0, 3.0], v1_val) # Run 10 steps FTRL for _ in range(10): update.run() v0_val, v1_val = sess.run([var0, var1]) self.assertAllClose(np.array([-0.24059935, -0.46829352]), v0_val) self.assertAllClose(np.array([-0.02406147, -0.04830509]), v1_val) def applyOptimizer(self, opt, steps=5, is_sparse=False): if is_sparse: var0 = tf.Variable([[0.0], [0.0]]) var1 = tf.Variable([[0.0], [0.0]]) grads0 = tf.IndexedSlices(tf.constant([0.1], shape=[1, 1]), tf.constant([0]), tf.constant([2, 1])) grads1 = tf.IndexedSlices(tf.constant([0.02], shape=[1, 1]), tf.constant([1]), tf.constant([2, 1])) else: var0 = tf.Variable([0.0, 0.0]) var1 = tf.Variable([0.0, 0.0]) grads0 = tf.constant([0.1, 0.2]) grads1 = tf.constant([0.01, 0.02]) update = opt.apply_gradients(zip([grads0, grads1], [var0, var1])) tf.initialize_all_variables().run() sess = tf.get_default_session() v0_val, v1_val = sess.run([var0, var1]) if is_sparse: self.assertAllClose([[0.0], [0.0]], v0_val) self.assertAllClose([[0.0], [0.0]], v1_val) else: self.assertAllClose([0.0, 0.0], v0_val) self.assertAllClose([0.0, 0.0], v1_val) # Run Ftrl for a few steps for _ in range(steps): update.run() v0_val, v1_val = sess.run([var0, var1]) return v0_val, v1_val # When variables are intialized with Zero, FTRL-Proximal has two properties: # 1. Without L1&L2 but with fixed learning rate, FTRL-Proximal is identical # with GradientDescent. # 2. Without L1&L2 but with adaptive learning rate, FTRL-Proximal is identical # with Adagrad. # So, basing on these two properties, we test if our implementation of # FTRL-Proximal performs same updates as Adagrad or GradientDescent. def testEquivAdagradwithoutRegularization(self): with self.test_session(): val0, val1 = self.applyOptimizer( tf.train.FtrlOptimizer(3.0, # Adagrad learning rate learning_rate_power=-0.5, initial_accumulator_value=0.1, l1_regularization_strength=0.0, l2_regularization_strength=0.0)) with self.test_session(): val2, val3 = self.applyOptimizer( tf.train.AdagradOptimizer(3.0, initial_accumulator_value=0.1)) self.assertAllClose(val0, val2) self.assertAllClose(val1, val3) def testEquivSparseAdagradwithoutRegularization(self): with self.test_session(): val0, val1 = self.applyOptimizer( tf.train.FtrlOptimizer(3.0, # Adagrad learning rate learning_rate_power=-0.5, initial_accumulator_value=0.1, l1_regularization_strength=0.0, l2_regularization_strength=0.0), is_sparse=True) with self.test_session(): val2, val3 = self.applyOptimizer( tf.train.AdagradOptimizer(3.0, initial_accumulator_value=0.1), is_sparse=True) self.assertAllClose(val0, val2) self.assertAllClose(val1, val3) def testEquivSparseGradientDescentwithoutRegularizaion(self): with self.test_session(): val0, val1 = self.applyOptimizer( tf.train.FtrlOptimizer(3.0, # Fixed learning rate learning_rate_power=-0.0, initial_accumulator_value=0.1, l1_regularization_strength=0.0, l2_regularization_strength=0.0), is_sparse=True) with self.test_session(): val2, val3 = self.applyOptimizer( tf.train.GradientDescentOptimizer(3.0), is_sparse=True) self.assertAllClose(val0, val2) self.assertAllClose(val1, val3) def testEquivGradientDescentwithoutRegularizaion(self): with self.test_session(): val0, val1 = self.applyOptimizer( tf.train.FtrlOptimizer(3.0, # Fixed learning rate learning_rate_power=-0.0, initial_accumulator_value=0.1, l1_regularization_strength=0.0, l2_regularization_strength=0.0)) with self.test_session(): val2, val3 = self.applyOptimizer( tf.train.GradientDescentOptimizer(3.0)) self.assertAllClose(val0, val2) self.assertAllClose(val1, val3) if __name__ == "__main__": tf.test.main()
a121f41b3cc1380246409f13814789b0c1093fa0
0d5c77661f9d1e6783b1c047d2c9cdd0160699d1
/python/paddle/fluid/tests/unittests/test_parallel_executor_test_while_train.py
252793944462244539084a288e5259f216359650
[ "Apache-2.0" ]
permissive
xiaoyichao/anyq_paddle
ae68fabf1f1b02ffbc287a37eb6c0bcfbf738e7f
6f48b8f06f722e3bc5e81f4a439968c0296027fb
refs/heads/master
2022-10-05T16:52:28.768335
2020-03-03T03:28:50
2020-03-03T03:28:50
244,155,581
1
0
Apache-2.0
2022-09-23T22:37:13
2020-03-01T13:36:58
C++
UTF-8
Python
false
false
3,770
py
# Copyright (c) 2018 PaddlePaddle Authors. 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. import paddle.fluid as fluid import numpy as np import unittest import os def simple_fc_net(): img = fluid.layers.data(name='image', shape=[784], dtype='float32') label = fluid.layers.data(name='label', shape=[1], dtype='int64') hidden = img for _ in xrange(4): hidden = fluid.layers.fc( hidden, size=200, act='tanh', bias_attr=fluid.ParamAttr( initializer=fluid.initializer.Constant(value=1.0))) prediction = fluid.layers.fc(hidden, size=10, act='softmax') loss = fluid.layers.cross_entropy(input=prediction, label=label) loss = fluid.layers.mean(loss) return loss class ParallelExecutorTestingDuringTraining(unittest.TestCase): def check_network_convergence(self, use_cuda, build_strategy=None): os.environ['CPU_NUM'] = str(4) main = fluid.Program() startup = fluid.Program() with fluid.program_guard(main, startup): loss = simple_fc_net() test_program = main.clone(for_test=True) opt = fluid.optimizer.SGD(learning_rate=0.001) opt.minimize(loss) batch_size = 32 image = np.random.normal(size=(batch_size, 784)).astype('float32') label = np.random.randint(0, 10, (batch_size, 1), dtype="int64") place = fluid.CUDAPlace(0) if use_cuda else fluid.CPUPlace() exe = fluid.Executor(place) exe.run(startup) feed_dict = {'image': image, 'label': label} train_exe = fluid.ParallelExecutor( use_cuda=use_cuda, loss_name=loss.name, main_program=main, build_strategy=build_strategy) test_exe = fluid.ParallelExecutor( use_cuda=use_cuda, main_program=test_program, share_vars_from=train_exe, build_strategy=build_strategy) for i in xrange(5): test_loss, = test_exe.run([loss.name], feed=feed_dict) train_loss, = train_exe.run([loss.name], feed=feed_dict) self.assertTrue( np.allclose( train_loss, test_loss, atol=1e-8), "Train loss: " + str(train_loss) + "\n Test loss:" + str(test_loss)) def test_parallel_testing(self): build_strategy = fluid.BuildStrategy() build_strategy.reduce_strategy = fluid.BuildStrategy.ReduceStrategy.AllReduce self.check_network_convergence( use_cuda=True, build_strategy=build_strategy) self.check_network_convergence( use_cuda=False, build_strategy=build_strategy) def test_parallel_testing_with_new_strategy(self): build_strategy = fluid.BuildStrategy() build_strategy.reduce_strategy = fluid.BuildStrategy.ReduceStrategy.Reduce self.check_network_convergence( use_cuda=True, build_strategy=build_strategy) self.check_network_convergence( use_cuda=False, build_strategy=build_strategy) if __name__ == '__main__': unittest.main()
10715d27aa4f7e90889e6c3656f863943f5b87a0
04ae1836b9bc9d73d244f91b8f7fbf1bbc58ff29
/404/Solution.py
fc03385d6cf998b49aa9ceaf42511cad45ba0ca5
[]
no_license
zhangruochi/leetcode
6f739fde222c298bae1c68236d980bd29c33b1c6
cefa2f08667de4d2973274de3ff29a31a7d25eda
refs/heads/master
2022-07-16T23:40:20.458105
2022-06-02T18:25:35
2022-06-02T18:25:35
78,989,941
14
6
null
null
null
null
UTF-8
Python
false
false
1,489
py
""" Find the sum of all left leaves in a given binary tree. Example: 3 / \ 9 20 / \ 15 7 There are two left leaves in the binary tree, with values 9 and 15 respectively. Return 24. """ # Definition for a binary tree node. class TreeNode: def __init__(self, x): self.val = x self.left = None self.right = None class Solution: def sumOfLeftLeaves(self, root): """ :type root: TreeNode :rtype: int """ def iter(root,isleaft): if not root: return 0 elif not root.left and not root.right and isleaft: return root.val else: return iter(root.left,True) + iter(root.right,False) return iter(root,False) # Definition for a binary tree node. # class TreeNode: # def __init__(self, x): # self.val = x # self.left = None # self.right = None class Solution: def sumOfLeftLeaves(self, root: TreeNode) -> int: res = 0 def traverse(root,flag): nonlocal res if not root: return if not root.left and not root.right and flag: res += root.val traverse(root.left,1) traverse(root.right,0) traverse(root,0) return res
11536b5271ae3d430e3c66740a0fa2cbea21f19b
0089e87d4e9bef9df4fe6611a79a13225c01b98e
/mB3-python-03/script-b0307-01.py
e9ade0c7dc5e3463fdb7dbdf2ba8361e5a78fbb1
[]
no_license
odvk/sf-pyfullstack-c02
63ea99bf6bea79113fe75e0e6f4e5cdfb4a90aca
4521b9652264d03c082a9390dbcdcec2586c8fd1
refs/heads/master
2020-06-25T06:48:50.944156
2019-08-17T06:08:02
2019-08-17T06:08:02
199,236,372
0
0
null
null
null
null
UTF-8
Python
false
false
3,128
py
# В3.7 Ещё раз про “магические” методы class User: def __init__(self): print("Конструирую пользователя") self.name = "Гелиозавр" # конструктор это функция определяемая внутри класса; # конструктор называется __init__ (два подчёркивания с двух сторон от названия); # конструктор это функция: есть формальный аргумент, который называется 'self'; # внутри конструктора фактический аргумент self можно использовать чтобы изменять поля манипулируемого объекта. u1 = User() u2 = User() u2.name = "Орнитишийлар" print(u1.name, u2.name) print("----------------------------") # В нашем случае мы хотим сделать так, чтобы когда User участвует в выражении как строка # (то есть приводится к строке) использовалось поле name. Это делается таким кодом: class User1: def __init__(self): print("Конструирую пользователя") self.name = "Гелиозавр" def __str__(self): return self.name u1 = User1() print(u1) print("----------------------------") # Дополним нашу модель пользователя и перепишем немного определение класса: class User2: def __init__(self, email, name="Гелиозавр"): self.email = email self.name = name def __str__(self): return "%s <%s>" % (self.name, self.email) u1 = User2("[email protected]") u2 = User2(name="Орнитишийлар", email="[email protected]") print(u1, u2) print("----------------------------") # Обратите внимание, что некоторые примеров в таблице выше используют два аргумента, # так как они описывают какое-то парное действие. К примеру, мы в нашем сервисе можем считать, # что если у нас есть два пользователя с одинаковым е-мейлом, то это два равных пользователя. # Чтобы использовать эту проверку в коде мы определим наш класс пользователя так: class User3: def __init__(self, email, name="Гелиозавр"): self.email = email self.name = name def __str__(self): return "%s <%s>" % (self.name, self.email) def __eq__(self, other): return self.email.lower() == other.email.lower() u1 = User3(name="Гелиозавр", email="[email protected]") u2 = User3(name="Орнитишийлар", email="[email protected]") print(u1, u2) print("Это один и тот же пользователь?", u1 == u2)
8c994e8baded11dfb7211bd97cfef1a47f2fdf33
8fd314074713b3af02d68fd99fa5bf323283439f
/server/src/uds/dispatchers/__init__.py
67ac9fa4e1883883983f5b8efeb5bf3c4d4ec13a
[]
no_license
spofa/openuds
099f5d4b4eaf54064d3c2f22a04653d304552294
a071ce5e3ed7a3e8973431cc2e884ff4219b8056
refs/heads/master
2021-07-04T14:16:13.810597
2017-09-21T13:50:07
2017-09-21T13:50:07
null
0
0
null
null
null
null
UTF-8
Python
false
false
1,613
py
# -*- coding: utf-8 -*- # # Copyright (c) 2012 Virtual Cable S.L. # All rights reserved. # ''' @author: Adolfo Gómez, dkmaster at dkmon dot com ''' from __future__ import unicode_literals import logging logger = logging.getLogger(__name__) ''' Service modules for uds are contained inside this package. To create a new service module, you will need to follow this steps: 1.- Create the service module, probably based on an existing one 2.- Insert the module package as child of this package 3.- Import the class of your service module at __init__. For example:: from Service import SimpleService 4.- Done. At Server restart, the module will be recognized, loaded and treated The registration of modules is done locating subclases of :py:class:`uds.core.auths.Authentication` .. moduleauthor:: Adolfo Gómez, dkmaster at dkmon dot com ''' def __init__(): ''' This imports all packages that are descendant of this package, and, after that, it register all subclases of service provider as ''' import os.path import pkgutil import sys # Dinamycally import children of this package. The __init__.py files must register, if needed, inside ServiceProviderFactory pkgpath = os.path.dirname(sys.modules[__name__].__file__) for _, name, _ in pkgutil.iter_modules([pkgpath]): try: logger.info('Loading dispatcher {}'.format(name)) __import__(name, globals(), locals(), [], -1) except: logger.exception('Loading dispatcher {}'.format(name)) logger.debug('Dispatchers initialized') __init__()
875e902874cd19eed9179c2b9f5951774b7ebdd3
083ca3df7dba08779976d02d848315f85c45bf75
/ZumaGame2.py
0233172d4172027141b217916e5abb0e6ac474f9
[]
no_license
jiangshen95/UbuntuLeetCode
6427ce4dc8d9f0f6e74475faced1bcaaa9fc9f94
fa02b469344cf7c82510249fba9aa59ae0cb4cc0
refs/heads/master
2021-05-07T02:04:47.215580
2020-06-11T02:33:35
2020-06-11T02:33:35
110,397,909
0
0
null
null
null
null
UTF-8
Python
false
false
1,067
py
class Solution: def findMinStep(self, board: str, hand: str) -> int: def removeConsecutive(b): j = 0 for i in range(len(b) + 1): if i < len(b) and b[i] == b[j]: continue if i - j >= 3: return removeConsecutive(b[: j] + b[i:]) j = i return b board = removeConsecutive(board) if not board: return 0 result = 100 s = set() for i in range(len(hand)): if hand[i] in s: continue s.add(hand[i]) for j in range(len(board)): if board[j] == hand[i]: t = self.findMinStep(board[: j] + hand[i] + board[j:], hand[:i] + hand[i + 1:]) if t != -1: result = min(result, t + 1) return -1 if result == 100 else result if __name__ == '__main__': board = input() hand = input() solution = Solution() print(solution.findMinStep(board, hand))
ca0321aca72bd390e64948f0e7f89acf174fef9a
1d36f1a3c527e364b50cb73d0ce82b5b5db917e6
/sdk/identity/azure-identity/azure/identity/aio/_credentials/certificate.py
1b044a24c0e14bee3174e19fcfc646c2d828904f
[ "LicenseRef-scancode-generic-cla", "MIT", "LicenseRef-scancode-unknown-license-reference" ]
permissive
emreyalcin26/azure-sdk-for-python
08c0a294e49e9c3a77867fb20ded4d97722ea551
6927458c7baa5baaf07c3b68ed30f6e517e87c9a
refs/heads/master
2022-10-17T02:25:23.373789
2020-06-12T23:43:40
2020-06-12T23:43:40
272,001,096
1
0
MIT
2020-06-13T12:06:11
2020-06-13T12:06:11
null
UTF-8
Python
false
false
2,745
py
# ------------------------------------ # Copyright (c) Microsoft Corporation. # Licensed under the MIT License. # ------------------------------------ from typing import TYPE_CHECKING from .base import AsyncCredentialBase from .._internal import AadClient from ..._internal import CertificateCredentialBase if TYPE_CHECKING: from typing import Any from azure.core.credentials import AccessToken class CertificateCredential(CertificateCredentialBase, AsyncCredentialBase): """Authenticates as a service principal using a certificate. :param str tenant_id: ID of the service principal's tenant. Also called its 'directory' ID. :param str client_id: the service principal's client ID :param str certificate_path: path to a PEM-encoded certificate file including the private key :keyword str authority: Authority of an Azure Active Directory endpoint, for example 'login.microsoftonline.com', the authority for Azure Public Cloud (which is the default). :class:`~azure.identity.KnownAuthorities` defines authorities for other clouds. :keyword password: The certificate's password. If a unicode string, it will be encoded as UTF-8. If the certificate requires a different encoding, pass appropriately encoded bytes instead. :paramtype password: str or bytes """ async def __aenter__(self): await self._client.__aenter__() return self async def close(self): """Close the credential's transport session.""" await self._client.__aexit__() async def get_token(self, *scopes: str, **kwargs: "Any") -> "AccessToken": # pylint:disable=unused-argument """Asynchronously request an access token for `scopes`. .. note:: This method is called by Azure SDK clients. It isn't intended for use in application code. :param str scopes: desired scopes for the access token. This method requires at least one scope. :rtype: :class:`azure.core.credentials.AccessToken` :raises ~azure.core.exceptions.ClientAuthenticationError: authentication failed. The error's ``message`` attribute gives a reason. Any error response from Azure Active Directory is available as the error's ``response`` attribute. """ if not scopes: raise ValueError("'get_token' requires at least one scope") token = self._client.get_cached_access_token(scopes, query={"client_id": self._client_id}) if not token: token = await self._client.obtain_token_by_client_certificate(scopes, self._certificate, **kwargs) return token def _get_auth_client(self, tenant_id, client_id, **kwargs): return AadClient(tenant_id, client_id, **kwargs)
aa3cad735dc9453629e4cb87982cd2dc96c5743e
32cb84dd41e4be24c065bb205f226f9b121a6db2
/antiddos/policy.py
eea1a79695c59d373b35ac96a1b19ba7d74d6620
[]
no_license
InformatykaNaStart/staszic-sio2
b38fda84bd8908472edb2097774838ceed08fcfa
60a127e687ef8216d2ba53f9f03cfaa201c59e26
refs/heads/master
2022-06-29T11:09:28.765166
2022-06-13T21:56:19
2022-06-13T21:56:19
115,637,960
1
0
null
null
null
null
UTF-8
Python
false
false
435
py
from oioioi.evalmgr.models import QueuedJob from django.conf import settings def queued_submissions_of(user): return QueuedJob.objects.filter(state='WAITING',submission__user=user).count() def get_queued_submissions_limit(): return getattr(settings, 'MAX_QUEUED_SUBMISSIONS_PER_USER', 10**3) def can_submit(user): if user.is_superuser: return True return queued_submissions_of(user) < get_queued_submissions_limit()
656c4bcc2e28b5938448e7b70cf38bafc93e704e
5a4f1e3013290d331d2a1e69daa69c29882fb97c
/asynclib/base_events.py
297e94c06411df242ff3ccb72025edad82377e36
[]
no_license
pfmoore/asynclib
308e28609f28638f7a05c2c8e3f1fde9aa72e984
b03979cd532632e5165a8d35f2024ce2ea8dfc5b
refs/heads/master
2021-01-22T03:08:52.297430
2015-05-16T12:02:41
2015-05-16T12:02:41
35,449,413
0
0
null
null
null
null
UTF-8
Python
false
false
1,591
py
"""Event loop.""" from .tasks import Task class EventLoop: def __init__(self): self.ready = [] self.call_soon_queue = [] self.running = False def call_soon(self, fn): self.call_soon_queue.append(fn) def _run_one_step(self): while self.call_soon_queue: fn = self.call_soon_queue.pop(0) fn() if not self.ready: return current = self.ready[0] try: next(current) except StopIteration: self.unschedule(current) else: if self.ready and self.ready[0] is current: # current is hogging the "next available" slot. # Implement a fairness algorithm here - in this case, # just move it to the back to give a "round robin" # algorithm del self.ready[0] self.ready.append(current) def run_forever(self): self.running = True while self.running and self.ready: self._run_one_step() def run_until_complete(future): pass def is_running(self): return self.running def stop(self): self.running = False def schedule(self, coro): self.ready.append(coro) def unschedule(self, coro): if coro in self.ready: self.ready.remove(coro) def create_task(self, coro): t = Task(coro, loop=self) # self.schedule(coro) def get_debug(self): return False def call_exception_handler(self, *args): print(args) loop = EventLoop()
f2d870ea60c114be0dfb7f2f551b3c0f0b4a0a48
3bb57eb1f7c1c0aced487e7ce88f3cb84d979054
/qats/scripts/evaluators/formatted_accuracy.py
5ab4d2d8e8201b614d6d230be335d6d736d814a5
[]
no_license
ghpaetzold/phd-backup
e100cd0bbef82644dacc73a8d1c6b757b2203f71
6f5eee43e34baa796efb16db0bc8562243a049b6
refs/heads/master
2020-12-24T16:41:21.490426
2016-04-23T14:50:07
2016-04-23T14:50:07
37,981,094
0
1
null
null
null
null
UTF-8
Python
false
false
1,785
py
import os from tabulate import tabulate from scipy.stats import spearmanr def getAccuracy(pred, gold): right = 0.0 for i in range(0, len(pred)): if pred[i]==gold[i]: right += 1.0 return right/len(pred) types = ['G', 'M', 'S', 'O'] systems = sorted(os.listdir('../../labels/G')) names = {} names['nn'] = 'SimpleNets-RNN3' names['nn_adadelta'] = 'SimpleNets-RNN2' names['nn_mlp'] = 'SimpleNets-MLP' names['adaboost'] = 'Ada Boosting' names['dectrees'] = 'Decision Trees' names['gradientboost'] = 'Gradient Boosting' names['randomforest'] = 'Random Forests' names['sgd'] = 'SGD' names['svm'] = 'SVM' names['allgood'] = 'All Good' names['allok'] = 'All Ok' names['allbad'] = 'All Bad' scores = {} for system in systems: scores[system] = [] for type in types: gold = [item.strip().split('\t')[2] for item in open('../../corpora/'+type+'_test.txt')] golds = [float(item.strip().split('\t')[2]) for item in open('../../corpora/'+type+'_test.txt')] for system in systems: files = os.listdir('../../labels/'+type+'/'+system) maxacc = -1 maxspear = 0 maxfile = None for file in files: pred = [item.strip().split('\t')[0] for item in open('../../labels/'+type+'/'+system+'/'+file)] preds = [float(item.strip().split('\t')[1]) for item in open('../../labels/'+type+'/'+system+'/'+file)] preds[0] = preds[0]+0.00000001 acc = getAccuracy(pred, gold) if acc>maxacc: maxacc = acc maxfile = file spear, f = spearmanr(preds, golds) if acc>maxspear: maxspear = spear scores[system].append((maxacc, maxspear)) for system in sorted(scores.keys()): if system in names: newline = names[system] for value in scores[system]: newline += r' & $' + "%.3f" % value[0] + r'$ & $' + "%.3f" % value[1] + r'$' newline += r' \\' print(newline)