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
|
---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|
e5d323d8c1600cbe6084b699f4ad2b6e07e1d5b5 | fbc2678b5de0c14a6e417c01168e35a4bb8fe91a | /src/translator/setup.py | 0a3ffc75982ea00c0aa3b59065c56b3726b86356 | [] | no_license | Kotaimen/sam-lambda-edge-translator | 16dbfbe7a30eb6b3d1369ce7c297273c2f33cbbb | cb95d616d5891a22b43b86f8daf2da240c118e68 | refs/heads/master | 2022-12-10T18:17:41.057907 | 2020-02-14T15:13:43 | 2020-02-14T15:13:43 | 240,535,647 | 0 | 0 | null | 2022-12-08T03:36:50 | 2020-02-14T15:11:43 | Python | UTF-8 | Python | false | false | 270 | py | from setuptools import setup, find_packages
setup(
name="translator",
version="1.0",
packages=find_packages(exclude=["tests.*", "tests"]),
include_package_data=True,
package_data={
# 'package': ['filename']
},
install_requires=[],
)
| [
"[email protected]"
] | |
5d45bfbc4766a6d6ed0e03e7ff26676d5597b454 | 506fcf32c755ef3eb79c0369cdb76c106c4b7a55 | /timeseries/utils.py | d556e29dc7dc5ad687beb938735b252739fe125e | [] | no_license | mindis/mynlp | 42a1d40df060406dc17ed35f3d0ee7855209e14b | d470e96935cd47b69c76b273b70aeb07d460b08d | refs/heads/master | 2020-08-07T11:37:13.576679 | 2019-10-07T07:18:45 | 2019-10-07T07:18:45 | 213,434,660 | 0 | 1 | null | 2019-10-07T16:37:12 | 2019-10-07T16:37:12 | null | UTF-8 | Python | false | false | 29,990 | py |
from dbmanager import SqlManager
import numpy as np
import pandas as pd
import matplotlib.pyplot as plt
from collections import OrderedDict
def normalize(arr_x, eps=1e-6, M=None):
if M is None:
return (arr_x - np.mean(arr_x, axis=0)) / (np.std(arr_x, axis=0) + eps)
else:
# return (arr_x - np.mean(arr_x, axis=0)) / (np.std(arr_x, axis=0) + eps)
return (arr_x - np.mean(arr_x[:M], axis=0)) / (np.std(arr_x[:M], axis=0) + eps)
def dict_to_list(dict, key_list=None):
arr = list()
ordered_key_list = list()
if key_list is None:
key_list = list(dict.keys())
for key in dict.keys():
if key in key_list:
ordered_key_list.append(key)
arr.append(dict[key])
return np.stack(arr, axis=-1), ordered_key_list
def predict_plot(model, dataset, columns_list, size=250, save_dir='out.png'):
cost_rate = 0.000
idx_y = columns_list.index('log_y')
idx_pos = columns_list.index('positive')
true_y = np.zeros(size)
pred_both = np.zeros_like(true_y)
pred_pos = np.zeros_like(true_y)
pred_y = np.zeros_like(true_y)
pred_avg = np.zeros_like(true_y)
pred_chart = np.zeros_like(true_y)
pred_pos_val = np.zeros_like(true_y)
pred_y_val = np.zeros_like(true_y)
real_pos_val = np.zeros_like(true_y)
real_y_val = np.zeros_like(true_y)
prev_w_both = 0
prev_w_pos = 0
prev_w_y = 0
for j, (features, labels) in enumerate(dataset.take(size)):
predictions = model.predict(features)
true_y[j] = labels[0, 0, idx_y]
pred_chart[j] = predictions[0, 0, idx_y]
pred_pos_val[j] = predictions[0, 0, idx_pos]
pred_y_val[j] = predictions[0, 0, idx_y]
real_pos_val[j] = labels[0, 0, idx_pos]
real_y_val[j] = labels[0, 0, idx_y]
if predictions[0, 0, idx_y] > 0:
pred_y[j] = labels[0, 0, idx_y] - cost_rate * (1. - prev_w_y)
prev_w_y = 1
else:
pred_y[j] = - cost_rate * prev_w_y
prev_w_y = 0
if predictions[0, 0, idx_pos] > 0:
pred_pos[j] = labels[0, 0, idx_y] - cost_rate * (1. - prev_w_pos)
prev_w_pos = 1
else:
pred_pos[j] = - cost_rate * prev_w_pos
prev_w_pos = 0
if (predictions[0, 0, idx_y] > 0) and (predictions[0, 0, idx_pos] > 0):
pred_both[j] = labels[0, 0, idx_y] - cost_rate * (1. - prev_w_both)
prev_w_both = 1
else:
pred_both[j] = - cost_rate * prev_w_both
prev_w_both = 0
pred_avg[j] = (pred_y[j] + pred_pos[j]) / 2.
data = pd.DataFrame({'true_y': np.cumsum(np.log(1. + true_y[:(j+1)])),
'pred_both': np.cumsum(np.log(1. + pred_both[:(j+1)])),
'pred_pos': np.cumsum(np.log(1. + pred_pos[:(j+1)])),
'pred_y': np.cumsum(np.log(1. + pred_y[:(j+1)])),
'pred_avg': np.cumsum(np.log(1. + pred_avg[:(j+1)])),
# 'pred_chart': np.cumsum(np.log(1. + pred_chart)),
})
pos_acc = np.sum((pred_pos_val[:(j+1)] > 0) == (real_pos_val[:(j+1)] > 0)) / (j+1)
pos_recall_p = np.sum((pred_pos_val[:(j+1)] > 0) & (real_pos_val[:(j+1)] > 0)) / np.sum(real_pos_val[:(j+1)] > 0)
pos_precision_p = np.sum((pred_pos_val[:(j+1)] > 0) & (real_pos_val[:(j+1)] > 0)) / np.sum(pred_pos_val[:(j + 1)] > 0)
pos_recall_n = np.sum((pred_pos_val[:(j+1)] < 0) & (real_pos_val[:(j+1)] < 0)) / np.sum(real_pos_val[:(j+1)] < 0)
pos_precision_n = np.sum((pred_pos_val[:(j+1)] < 0) & (real_pos_val[:(j+1)] < 0)) / np.sum(pred_pos_val[:(j + 1)] < 0)
y_acc = np.sum((pred_y_val[:(j+1)] > 0) == (real_y_val[:(j+1)] > 0)) / (j+1)
y_recall_p = np.sum((pred_y_val[:(j+1)] > 0) & (real_y_val[:(j+1)] > 0)) / np.sum(real_y_val[:(j+1)] > 0)
y_precision_p = np.sum((pred_y_val[:(j+1)] > 0) & (real_y_val[:(j+1)] > 0)) / np.sum(pred_y_val[:(j + 1)] > 0)
y_recall_n = np.sum((pred_y_val[:(j+1)] < 0) & (real_y_val[:(j+1)] < 0)) / np.sum(real_y_val[:(j+1)] < 0)
y_precision_n = np.sum((pred_y_val[:(j+1)] < 0) & (real_y_val[:(j+1)] < 0)) / np.sum(pred_y_val[:(j + 1)] < 0)
print("n_pos: {} / n_neg: {}".format(np.sum(true_y > 0), np.sum(true_y < 0)))
print("[[positive]] acc: {:.4f} / [recall] p: {:.4f}, n: {:.4f} / [precision] p: {:.4f}, n: {:.4f}".format(pos_acc,
pos_recall_p, pos_recall_n,
pos_precision_p, pos_precision_n))
print("[[return]] acc: {:.4f} / [recall] p: {:.4f}, n: {:.4f} / [precision] p: {:.4f}, n: {:.4f}".format(y_acc,
y_recall_p, y_recall_n,
y_precision_p, y_precision_n))
# plt.plot(data['true_y'], label='real')
# plt.plot(data['pred_chart'], label='pred')
# plt.plot(data['pred_y'], label='pred_y')
# plt.legend()
fig = plt.figure()
plt.plot(data)
plt.legend(data.columns)
fig.savefig(save_dir)
plt.close(fig)
#
# for j, (features, labels) in enumerate(dataset.take(size)):
# predictions = model.predict(features)
# true_y[j] = labels[0, 0, columns_list.index('log_cum_y')]
# pred_chart[j] = predictions[0, 0, columns_list.index('log_cum_y')]
#
# plt.plot(true_y, label='real')
# plt.plot(pred_chart, label='pred')
# plt.legend()
def predict_plot_mtl_cross_section_test(model, dataset_list, save_dir='out.png', ylog=False, eval_type='pos'):
if dataset_list is False:
return False
else:
input_enc_list, output_dec_list, target_dec_list, features_list, additional_infos, start_date, end_date = dataset_list
idx_y = features_list.index('log_y')
true_y = np.zeros(len(input_enc_list) + 1)
pred_ls = np.zeros_like(true_y)
pred_q1 = np.zeros_like(true_y)
pred_q2 = np.zeros_like(true_y)
pred_q3 = np.zeros_like(true_y)
pred_q4 = np.zeros_like(true_y)
pred_q5 = np.zeros_like(true_y)
# df_infos = pd.DataFrame(columns={'start_d', 'base_d', 'infocode', 'score'})
for i, (input_enc_t, output_dec_t, target_dec_t) in enumerate(zip(input_enc_list, output_dec_list, target_dec_list)):
t = i + 1
assert np.sum(input_enc_t[:, -1, :] - output_dec_t[:, 0, :]) == 0
new_output_t = np.zeros_like(output_dec_t)
new_output_t[:, 0, :] = output_dec_t[:, 0, :]
features = {'input': input_enc_t, 'output': new_output_t}
labels = target_dec_t
predictions = model.predict_mtl(features)
# p_ret, p_pos, p_vol, p_mdd = predictions
true_y[t] = np.mean(labels[:, 0, idx_y])
# additional_infos[i]['score'] = predictions['pos'][:, 0, 0]
# df_infos = pd.concat([df_infos, pd.DataFrame({'start_d': start_date,
# 'base_d': additional_infos[i]['date'],
# 'infocode': additional_infos[i]['assets_list'],
# 'score': predictions['pos'][:, 0, 0]})], ignore_index=True)
if eval_type == 'pos':
value_ = predictions['pos'][:, 0, 0]
elif eval_type == 'pos20':
value_ = predictions['pos20'][:, 0, 0]
elif eval_type == 'ret':
value_ = predictions['ret'][:, 0, 0]
elif eval_type == 'ir20':
value_ = predictions['ret'][:, 0, 1] / np.abs(predictions['std'][:, 0, 0])
elif eval_type == 'ir60':
value_ = predictions['ret'][:, 0, 2] / np.abs(predictions['std'][:, 0, 1])
elif eval_type == 'ir120':
value_ = predictions['ret'][:, 0, 3] / np.abs(predictions['std'][:, 0, 2])
q1_crit, q2_crit, q3_crit, q4_crit = np.percentile(value_, q=[80, 60, 40, 20])
pred_q1[t] = np.mean(labels[value_ >= q1_crit, 0, idx_y])
pred_q2[t] = np.mean(labels[(value_ >= q2_crit) & (value_ < q1_crit), 0, idx_y])
pred_q3[t] = np.mean(labels[(value_ >= q3_crit) & (value_ < q2_crit), 0, idx_y])
pred_q4[t] = np.mean(labels[(value_ >= q4_crit) & (value_ < q3_crit), 0, idx_y])
pred_q5[t] = np.mean(labels[(value_ < q4_crit), 0, idx_y])
# # db insert
# sqlm = SqlManager()
# sqlm.db_insert(df_infos[['start_d', 'base_d', 'infocode', 'score']], 'kr_weekly_score_temp', fast_executemany=True)
data = pd.DataFrame({'true_y': np.cumprod(1. + true_y),
'pred_ls': np.cumprod(1. + pred_q1 - pred_q5),
'pred_q1': np.cumprod(1. + pred_q1),
'pred_q2': np.cumprod(1. + pred_q2),
'pred_q3': np.cumprod(1. + pred_q3),
'pred_q4': np.cumprod(1. + pred_q4),
'pred_q5': np.cumprod(1. + pred_q5)
})
fig = plt.figure()
fig.suptitle('{} ~ {}'.format(start_date, end_date))
ax1, ax2 = fig.subplots(2, 1)
ax1.plot(data[['true_y', 'pred_ls', 'pred_q1', 'pred_q5']])
box = ax1.get_position()
ax1.set_position([box.x0, box.y0, box.width * 0.8, box.height])
ax1.legend(['true_y', 'long-short', 'long', 'short'], loc='center left', bbox_to_anchor=(1, 0.5))
if ylog:
ax1.set_yscale('log', basey=2)
ax2.plot(data[['true_y', 'pred_q1', 'pred_q2', 'pred_q3', 'pred_q4', 'pred_q5']])
box = ax2.get_position()
ax2.set_position([box.x0, box.y0, box.width * 0.8, box.height])
ax2.legend(['true_y', 'q1', 'q2', 'q3', 'q4', 'q5'], loc='center left', bbox_to_anchor=(1, 0.5))
ax2.set_yscale('log', basey=2)
fig.savefig(save_dir)
print("figure saved. (dir: {})".format(save_dir))
plt.close(fig)
def predict_plot_mtl_test(model, dataset_list, save_dir='out.png', ylog=False, eval_type='pos'):
if dataset_list is False:
return False
else:
input_enc_list, output_dec_list, target_dec_list, features_list, start_date, end_date = dataset_list
idx_y = features_list.index('log_y')
true_y = np.zeros(len(input_enc_list) + 1)
pred_pos_ls = np.zeros_like(true_y)
pred_pos_ls_wgt_adj = np.zeros_like(true_y)
pred_pos_l = np.zeros_like(true_y)
pred_pos_s = np.zeros_like(true_y)
pred_pos_l_wgt = np.zeros_like(true_y)
pred_pos_l_wgt_adj = np.zeros_like(true_y)
pred_pos_s_wgt = np.zeros_like(true_y)
pred_pos_s_wgt_adj = np.zeros_like(true_y)
pred_q1 = np.zeros_like(true_y)
pred_q2 = np.zeros_like(true_y)
pred_q3 = np.zeros_like(true_y)
pred_q4 = np.zeros_like(true_y)
pred_q5 = np.zeros_like(true_y)
for i, (input_enc_t, output_dec_t, target_dec_t) in enumerate(zip(input_enc_list, output_dec_list, target_dec_list)):
t = i + 1
assert np.sum(input_enc_t[:, -1, :] - output_dec_t[:, 0, :]) == 0
new_output_t = np.zeros_like(output_dec_t)
new_output_t[:, 0, :] = output_dec_t[:, 0, :]
features = {'input': input_enc_t, 'output': new_output_t}
labels = target_dec_t
predictions = model.predict_mtl(features)
# p_ret, p_pos, p_vol, p_mdd = predictions
true_y[t] = np.mean(labels[:, 0, idx_y])
if eval_type == 'pos':
crit = 0.5
value_ = predictions['pos'][:, 0, 0]
elif eval_type == 'ret':
crit = 0
value_ = predictions['ret'][:, 0, 0]
elif eval_type == 'ir':
crit = 0
value_ = predictions['ret'][:, 0, 1] / np.abs(predictions['std'][:, 0, 0])
n_assets = len(value_)
is_pos_position = value_ > crit
is_neg_position = value_ < crit
q1_crit, q2_crit, q3_crit, q4_crit = np.percentile(value_, q=[80, 60, 40, 20])
pred_q1[t] = np.mean(labels[value_ >= q1_crit, 0, idx_y])
pred_q2[t] = np.mean(labels[(value_ >= q2_crit) & (value_ < q1_crit), 0, idx_y])
pred_q3[t] = np.mean(labels[(value_ >= q3_crit) & (value_ < q2_crit), 0, idx_y])
pred_q4[t] = np.mean(labels[(value_ >= q4_crit) & (value_ < q3_crit), 0, idx_y])
pred_q5[t] = np.mean(labels[value_ < q4_crit, 0, idx_y])
# if predictions['ret'][0, 0, 0] > 0:
if np.sum(is_pos_position) > 0:
pred_pos_l[t] = np.mean(labels[is_pos_position, 0, idx_y])
pred_pos_l_wgt[t] = np.sum(is_pos_position) / n_assets
pred_pos_l_wgt_adj[t] = np.sum(labels[is_pos_position, 0, idx_y]) / n_assets
else:
pred_pos_l[t] = 0
pred_pos_l_wgt[t] = 0
pred_pos_l_wgt_adj[t] = 0
if np.sum(is_neg_position) > 0:
pred_pos_s[t] = np.mean(labels[is_neg_position, 0, idx_y])
pred_pos_s_wgt[t] = np.sum(is_neg_position) / n_assets
pred_pos_s_wgt_adj[t] = np.sum(labels[is_neg_position, 0, idx_y]) / n_assets
else:
pred_pos_s[t] = 0
pred_pos_s_wgt[t] = 0
pred_pos_s_wgt_adj[t] = 0
pred_pos_ls[t] = pred_pos_l[t] - pred_pos_s[t]
pred_pos_ls_wgt_adj[t] = pred_pos_l_wgt_adj[t] - pred_pos_s_wgt_adj[t]
data = pd.DataFrame({'true_y': np.cumprod(1. + true_y),
'pred_pos_ls': np.cumprod(1. + pred_pos_ls),
'pred_pos_ls_wgt_adj': np.cumprod(1. + pred_pos_ls_wgt_adj),
'pred_pos_l': np.cumprod(1. + pred_pos_l),
'pred_pos_s': np.cumprod(1. + pred_pos_s),
'pred_pos_l_wgt': pred_pos_l_wgt,
'pred_pos_l_wgt_adj': np.cumprod(1. + pred_pos_l_wgt_adj),
'pred_pos_s_wgt': pred_pos_s_wgt,
'pred_pos_s_wgt_adj': np.cumprod(1. + pred_pos_s_wgt_adj),
'pred_q1': np.cumprod(1. + pred_q1),
'pred_q2': np.cumprod(1. + pred_q2),
'pred_q3': np.cumprod(1. + pred_q3),
'pred_q4': np.cumprod(1. + pred_q4),
'pred_q5': np.cumprod(1. + pred_q5)
})
fig = plt.figure()
fig.suptitle('{} ~ {}'.format(start_date, end_date))
ax1, ax2, ax3, ax4 = fig.subplots(4, 1)
ax1.plot(data[['true_y', 'pred_pos_ls', 'pred_pos_l', 'pred_pos_s']])
box = ax1.get_position()
ax1.set_position([box.x0, box.y0, box.width * 0.8, box.height])
ax1.legend(['true_y', 'long-short', 'long', 'short'], loc='center left', bbox_to_anchor=(1, 0.5))
if ylog:
ax1.set_yscale('log', basey=2)
ax2.plot(data[['true_y', 'pred_pos_ls_wgt_adj', 'pred_pos_l_wgt_adj', 'pred_pos_s_wgt_adj']])
box = ax2.get_position()
ax2.set_position([box.x0, box.y0, box.width * 0.8, box.height])
ax2.legend(['true_y', 'long-short(adj)', 'long(adj)', 'short(adj)'], loc='center left', bbox_to_anchor=(1, 0.5))
if ylog:
ax2.set_yscale('log', basey=2)
ax3.plot(data[['true_y', 'pred_q1', 'pred_q2', 'pred_q3', 'pred_q4', 'pred_q5']])
box = ax3.get_position()
ax3.set_position([box.x0, box.y0, box.width * 0.8, box.height])
ax3.legend(['true_y', 'q1', 'q2', 'q3', 'q4', 'q5'], loc='center left', bbox_to_anchor=(1, 0.5))
# if ylog:
ax3.set_yscale('log', basey=2)
ax4.plot(data[['pred_pos_l_wgt']])
box = ax4.get_position()
ax4.set_position([box.x0, box.y0, box.width * 0.8, box.height])
ax4.legend(['long_wgt'], loc='center left', bbox_to_anchor=(1, 0.5))
ax4.set_ylim([0., 1.])
fig.savefig(save_dir)
print("figure saved. (dir: {})".format(save_dir))
plt.close(fig)
def predict_plot_mtl(model, dataset, columns_list, size=250, save_dir='out.png'):
cost_rate = 0.000
idx_y = columns_list.index('log_y')
idx_pos = columns_list.index('positive')
true_y = np.zeros(size)
pred_both = np.zeros_like(true_y)
pred_pos = np.zeros_like(true_y)
pred_y = np.zeros_like(true_y)
pred_avg = np.zeros_like(true_y)
pred_chart = np.zeros_like(true_y)
pred_pos_val = np.zeros_like(true_y)
pred_y_val = np.zeros_like(true_y)
real_pos_val = np.zeros_like(true_y)
real_y_val = np.zeros_like(true_y)
prev_w_both = 0
prev_w_pos = 0
prev_w_y = 0
for j, (features, labels) in enumerate(dataset.take(size)):
predictions = model.predict_mtl(features)
# p_ret, p_pos, p_vol, p_mdd = predictions
true_y[j] = labels[0, 0, idx_y]
pred_chart[j] = predictions['ret'][0, 0, 0]
pred_pos_val[j] = predictions['pos'][0, 0, 0] - 0.5
pred_y_val[j] = predictions['ret'][0, 0, 0]
real_pos_val[j] = labels[0, 0, idx_pos]
real_y_val[j] = labels[0, 0, idx_y]
if predictions['ret'][0, 0, 0] > 0:
pred_y[j] = labels[0, 0, idx_y] - cost_rate * (1. - prev_w_y)
prev_w_y = 1
else:
pred_y[j] = - cost_rate * prev_w_y
prev_w_y = 0
if predictions['pos'][0, 0, 0] > 0.5:
pred_pos[j] = labels[0, 0, idx_y] - cost_rate * (1. - prev_w_pos)
prev_w_pos = 1
else:
pred_pos[j] = - cost_rate * prev_w_pos
prev_w_pos = 0
if (predictions['ret'][0, 0, 0] > 0) and (predictions['pos'][0, 0, 0] > 0.5):
pred_both[j] = labels[0, 0, idx_y] - cost_rate * (1. - prev_w_both)
prev_w_both = 1
else:
pred_both[j] = - cost_rate * prev_w_both
prev_w_both = 0
pred_avg[j] = (pred_y[j] + pred_pos[j]) / 2.
data = pd.DataFrame({'true_y': np.cumsum(np.log(1. + true_y[:(j+1)])),
'pred_both': np.cumsum(np.log(1. + pred_both[:(j+1)])),
'pred_pos': np.cumsum(np.log(1. + pred_pos[:(j+1)])),
'pred_y': np.cumsum(np.log(1. + pred_y[:(j+1)])),
'pred_avg': np.cumsum(np.log(1. + pred_avg[:(j+1)])),
# 'pred_chart': np.cumsum(np.log(1. + pred_chart)),
})
pos_acc = np.sum((pred_pos_val[:(j+1)] > 0) == (real_pos_val[:(j+1)] > 0)) / (j+1)
pos_recall_p = np.sum((pred_pos_val[:(j+1)] > 0) & (real_pos_val[:(j+1)] > 0)) / np.sum(real_pos_val[:(j+1)] > 0)
pos_precision_p = np.sum((pred_pos_val[:(j+1)] > 0) & (real_pos_val[:(j+1)] > 0)) / np.sum(pred_pos_val[:(j + 1)] > 0)
pos_recall_n = np.sum((pred_pos_val[:(j+1)] < 0) & (real_pos_val[:(j+1)] < 0)) / np.sum(real_pos_val[:(j+1)] < 0)
pos_precision_n = np.sum((pred_pos_val[:(j+1)] < 0) & (real_pos_val[:(j+1)] < 0)) / np.sum(pred_pos_val[:(j + 1)] < 0)
y_acc = np.sum((pred_y_val[:(j+1)] > 0) == (real_y_val[:(j+1)] > 0)) / (j+1)
y_recall_p = np.sum((pred_y_val[:(j+1)] > 0) & (real_y_val[:(j+1)] > 0)) / np.sum(real_y_val[:(j+1)] > 0)
y_precision_p = np.sum((pred_y_val[:(j+1)] > 0) & (real_y_val[:(j+1)] > 0)) / np.sum(pred_y_val[:(j + 1)] > 0)
y_recall_n = np.sum((pred_y_val[:(j+1)] < 0) & (real_y_val[:(j+1)] < 0)) / np.sum(real_y_val[:(j+1)] < 0)
y_precision_n = np.sum((pred_y_val[:(j+1)] < 0) & (real_y_val[:(j+1)] < 0)) / np.sum(pred_y_val[:(j + 1)] < 0)
print("n_pos: {} / n_neg: {}".format(np.sum(true_y > 0), np.sum(true_y < 0)))
print("[[positive]] acc: {:.4f} / [recall] p: {:.4f}, n: {:.4f} / [precision] p: {:.4f}, n: {:.4f}".format(pos_acc,
pos_recall_p, pos_recall_n,
pos_precision_p, pos_precision_n))
print("[[return]] acc: {:.4f} / [recall] p: {:.4f}, n: {:.4f} / [precision] p: {:.4f}, n: {:.4f}".format(y_acc,
y_recall_p, y_recall_n,
y_precision_p, y_precision_n))
fig = plt.figure()
plt.plot(data)
plt.legend(data.columns)
fig.savefig(save_dir)
print("figure saved. (dir: {})".format(save_dir))
plt.close(fig)
def predict_plot_with_actor(model, actor, dataset, columns_list, size=250, save_dir='out.png'):
cost_rate = 0.000
idx_y = columns_list.index('log_y')
idx_pos = columns_list.index('positive')
idx_ma20 = columns_list.index('y_20d')
true_y = np.zeros(size)
pred_both = np.zeros_like(true_y)
pred_pos = np.zeros_like(true_y)
pred_y = np.zeros_like(true_y)
pred_avg = np.zeros_like(true_y)
pred_actor = np.zeros_like(true_y)
action_arr = np.zeros_like(true_y)
prev_w_both = 0
prev_w_pos = 0
prev_w_y = 0
for j, (features, labels) in enumerate(dataset.take(size)):
predictions = model.predict(features)
actions, v = actor.evaluate_state(predictions, stochastic=False)
a_value = actions.numpy()[0, 0]
assert (a_value >= 0) and (a_value <= 1)
true_y[j] = labels[0, 0, idx_y]
pred_actor[j] = labels[0, 0, idx_y] * a_value
action_arr[j] = a_value
if predictions[0, 0, idx_y] > 0:
pred_y[j] = labels[0, 0, idx_y] - cost_rate * (1. - prev_w_y)
prev_w_y = 1
else:
pred_y[j] = - cost_rate * prev_w_y
prev_w_y = 0
if predictions[0, 0, idx_pos] > 0:
pred_pos[j] = labels[0, 0, idx_y] - cost_rate * (1. - prev_w_pos)
prev_w_pos = 1
else:
pred_pos[j] = - cost_rate * prev_w_pos
prev_w_pos = 0
if (predictions[0, 0, idx_y] > 0) and (predictions[0, 0, idx_pos] > 0):
pred_both[j] = labels[0, 0, idx_y] - cost_rate * (1. - prev_w_both)
prev_w_both = 1
else:
pred_both[j] = - cost_rate * prev_w_both
prev_w_both = 0
pred_avg[j] = (pred_y[j] + pred_pos[j]) / 2.
data = pd.DataFrame({'true_y': np.cumsum(np.log(1. + true_y)),
'pred_both': np.cumsum(np.log(1. + pred_both)),
'pred_pos': np.cumsum(np.log(1. + pred_pos)),
'pred_y': np.cumsum(np.log(1. + pred_y)),
'pred_avg': np.cumsum(np.log(1. + pred_avg)),
'pred_actor': np.cumsum(np.log(1. + pred_actor)),
})
# plt.plot(data['true_y'], label='real')
# plt.plot(data['pred_chart'], label='pred')
# plt.plot(data['pred_y'], label='pred_y')
# plt.legend()
fig = plt.figure()
ax1, ax2 = fig.subplots(2, 1)
ax1.plot(data)
ax1.legend(data.columns)
ax2.plot(np.arange(action_arr), action_arr)
ax2.set_ylim([0., 1.])
fig.savefig(save_dir)
plt.close(fig)
#
# for j, (features, labels) in enumerate(dataset.take(size)):
# predictions = model.predict(features)
# true_y[j] = labels[0, 0, columns_list.index('log_cum_y')]
# pred_chart[j] = predictions[0, 0, columns_list.index('log_cum_y')]
#
# plt.plot(true_y, label='real')
# plt.plot(pred_chart, label='pred')
# plt.legend()
class FeatureCalculator:
# example:
#
def __init__(self, prc, sampling_freq):
self.sampling_freq = sampling_freq
self.log_cum_y = np.log(prc / prc[0, :])
self.y_1d = self.get_y_1d()
self.log_y = self.moving_average(sampling_freq, sampling_freq=sampling_freq)
def get_y_1d(self, eps=1e-6):
return np.concatenate([self.log_cum_y[0:1, :], np.exp(self.log_cum_y[1:, :] - self.log_cum_y[:-1, :] + eps) - 1.], axis=0)
def moving_average(self, n, sampling_freq=1):
return np.concatenate([self.log_cum_y[:n, :], self.log_cum_y[n:, :] - self.log_cum_y[:-n, :]], axis=0)[::sampling_freq, :]
def positive(self):
return (self.log_y >= 0) * np.array(1., dtype=np.float32) - (self.log_y < 0) * np.array(1., dtype=np.float32)
def get_std(self, n, sampling_freq=1):
stdarr = np.zeros_like(self.y_1d)
for t in range(1, len(self.y_1d)):
stdarr[t, :] = np.std(self.y_1d[max(0, t - n):(t + 1), :], axis=0)
return stdarr[::sampling_freq, :]
def get_mdd(self, n, sampling_freq=1):
mddarr = np.zeros_like(self.log_cum_y)
for t in range(len(self.log_cum_y)):
mddarr[t, :] = self.log_cum_y[t, :] - np.max(self.log_cum_y[max(0, t - n):(t + 1), :])
return mddarr[::sampling_freq, :]
def generate_features(self):
features = OrderedDict()
features['log_y'] = self.log_y
features['log_cum_y'] = self.log_cum_y[::self.sampling_freq]
features['positive'] = self.positive()
for n in [20, 60, 120]:
features['y_{}d'.format(n)] = self.moving_average(n, self.sampling_freq)
features['std{}d'.format(n)] = self.get_std(n, self.sampling_freq)
features['mdd{}d'.format(n)] = self.get_mdd(n, self.sampling_freq)
# remove redundant values at t=0 (y=0, cum_y=0, ...)
for key in features.keys():
features[key] = features[key][1:]
return features
def getWeights(d, size):
w=[1.]
for k in range(1, size):
w_ = -w[-1] / k * (d-k+1)
w.append(w_)
w = np.array(w[::-1]).reshape(-1, 1)
return w
def plotWeights(dRange, nPlots, size):
w = pd.DataFrame()
for d in np.linspace(dRange[0], dRange[1], nPlots):
w_ = getWeights(d, size=size)
w_ = pd.DataFrame(w_, index=range(w_.shape[0])[::1], columns=[d])
w = w.join(w_, how='outer')
ax = w.plot()
ax.legend(loc='upper left'); mpl.show()
return
def fracDiff(series, d, thres=.01):
w = getWeights(d, series.shape[0])
w_ = np.cumsum(abs(w))
w_ /= w_[-1]
skip = w_[w_>thres].shape[0]
df = {}
for name in series.columns:
seriesF, df_ = series[[name]].fillna(method='ffill').dropna(), pd.Series()
for iloc in range(skip, seriesF.shape[0]):
loc= seriesF.index[iloc]
if not np.isfinite(series.loc[loc, name]):
continue
df_[loc] = np.dot(w[-(iloc+1):, :].T, seriesF.loc[:loc])[0, 0]
df[name] = df_.copy(deep=True)
df = pd.concat(df, axis=1)
return df
def fracDiff_FFD(series, d, thres=1e-5):
# w = getWeights_FFD(d, thres)
w = getWeights(d, thres)
width = len(w) - 1
df = {}
for name in series.columns:
seriesF, df_ = series[[name]].fillna(method='ffill').dropna(), pd.Series()
for iloc1 in range(width, seriesF.shape[0]):
loc0, loc1 = seriesF.index[iloc1 - width], seriesF.index[iloc1]
if not np.isinfinite(series.loc[loc1, name]):
continue
df_[loc1] = np.dot(w.T, seriesF.loc[loc0:loc1])[0, 0]
df[name] = df_.copy(deep=True)
df = pd.concat(df, axis=1)
return df
import matplotlib.pyplot as plt
# dataset = ds.data_generator.df_pivoted[['spx index']]
# dataset.columns = ['price']
def get_technical_indicators(dataset):
# Create 7 and 21 days Moving Average
dataset['ma7'] = dataset['price'].rolling(window=7).mean()
dataset['ma21'] = dataset['price'].rolling(window=21).mean()
# Create MACD
dataset['26ema'] = dataset['price'].ewm(span=26).mean()
dataset['12ema'] = dataset['price'].ewm(span=12).mean()
dataset['MACD'] = (dataset['12ema'] - dataset['26ema'])
# Create Bollinger Bands
dataset['20sd'] = dataset['price'].rolling(20).std(ddof=1)
dataset['upper_band'] = dataset['ma21'] + (dataset['20sd'] * 2)
dataset['lower_band'] = dataset['ma21'] - (dataset['20sd'] * 2)
# Create Exponential moving average
dataset['ema'] = dataset['price'].ewm(com=0.5).mean()
# Create Momentum
dataset['momentum'] = dataset['price'] - 1
return dataset
def get_fft(dataset):
assert len(dataset.columns) == 1
dataset_log = np.log(dataset)
dataset_log.reset_index(drop=True, inplace=True)
close_fft = np.fft.fft(np.squeeze(np.array(dataset_log)))
fft_df = pd.DataFrame({'fft': close_fft})
fft_df['absolute'] = fft_df['fft'].apply(lambda x: np.abs(x))
fft_df['angle'] = fft_df['fft'].apply(lambda x: np.angle(x))
plt.figure(figsize=(14, 7), dpi=100)
fft_list = np.asarray(fft_df['fft'].tolist())
for num_ in [3, 6, 9, 100]:
fft_list_m10 = np.copy(fft_list)
fft_list_m10[num_:-num_] = 0
plt.plot(np.fft.ifft(fft_list_m10), label='Fourier transform with {} components'.format(num_))
plt.plot(dataset_log, label='Real')
plt.xlabel('Days')
plt.ylabel('USD')
plt.title('Figure 3: Goldman Sachs (close) stock prices & Fourier transforms')
plt.legend()
plt.show()
def plot_technical_indicators(dataset, last_days):
dataset.reset_index(drop=True, inplace=True)
plt.figure(figsize=(16, 10), dpi=100)
shape_0 = dataset.shape[0]
xmacd_ = shape_0 - last_days
dataset = dataset.iloc[-last_days:, :]
dataset.reset_index()
x_ = range(3, dataset.shape[0])
x_ = list(dataset.index)
# Plot first subplot
plt.subplot(2, 1, 1)
plt.plot(dataset['ma7'], label='MA 7', color='g', linestyle='--')
plt.plot(dataset['price'], label='Closing Price', color='b')
plt.plot(dataset['ma21'], label='MA 21', color='r', linestyle='--')
plt.plot(dataset['upper_band'], label='Upper Band', color='c')
plt.plot(dataset['lower_band'], label='Lower Band', color='c')
plt.fill_between(x_, dataset['lower_band'], dataset['upper_band'], alpha=0.35)
plt.title('Technical indicators for Goldman Sachs - last {} days.'.format(last_days))
plt.ylabel('USD')
plt.legend()
# Plot second subplot
plt.subplot(2, 1, 2)
plt.title('MACD')
plt.plot(dataset['MACD'], label='MACD', linestyle='-.')
plt.hlines(15, xmacd_, shape_0, colors='g', linestyles='--')
plt.hlines(-15, xmacd_, shape_0, colors='g', linestyles='--')
plt.plot(dataset['momentum'], label='Momentum', color='b', linestyle='-')
plt.legend()
plt.show()
| [
"[email protected]"
] | |
ca630ab63a475c278ea9ac110b08e4dec53ff4b6 | 2b6b6a1729abd9023736ab1b38704ad38b2efe59 | /functions-basics-fundamentals/smallest_of_three_numbers.py | 652f41b443da9a5604796547469f5331614da6ef | [] | no_license | DavidStoilkovski/python-fundamentals | 27fc3381c9ec3f5a792beca8bc778dc32d6ada7a | 782a2376210e9564265b17db6f610e00ffd99c9c | refs/heads/main | 2023-04-03T10:39:30.762453 | 2021-04-13T06:51:51 | 2021-04-13T06:51:51 | 357,452,730 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 436 | py | import sys
num_1 = int(input())
num_2 = int(input())
num_3 = int(input())
def small(num_1, num_2, num_3):
smallest_of_all = sys.maxsize
if num_1 <= smallest_of_all:
smallest_of_all = num_1
if num_2 <= smallest_of_all:
smallest_of_all = num_2
if num_3 <= smallest_of_all:
smallest_of_all = num_3
result = smallest_of_all
return result
result = small(num_1, num_2, num_3)
print(result) | [
"[email protected]"
] | |
bfc9c5c6d1069c9925eefc45287d32e63063fce8 | f648c5b25d4df1db47474b6ec57e0aaa6790800a | /isso/utils/__init__.py | de3be2b13161aaf9d1ce35510ad4ef9dc78c1a08 | [
"MIT"
] | permissive | waytai/isso | e35959eb4fa8c23107ecdf493fd74e6869fcb5a7 | 6d9f43939a5a1407fe8343158493a9b30545a196 | refs/heads/master | 2020-04-15T09:48:46.320438 | 2013-11-05T13:15:16 | 2013-11-05T13:33:13 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 3,006 | py | # -*- encoding: utf-8 -*-
from __future__ import division
import pkg_resources
werkzeug = pkg_resources.get_distribution("werkzeug")
import json
import random
import hashlib
from string import ascii_letters, digits
from werkzeug.wrappers import Request
from werkzeug.exceptions import BadRequest
import ipaddress
def anonymize(remote_addr):
"""
Anonymize IPv4 and IPv6 :param remote_addr: to /24 (zero'd)
and /48 (zero'd).
>>> anonymize(u'12.34.56.78') # doctest: +IGNORE_UNICODE
'12.34.56.0'
>>> anonymize(u'1234:5678:90ab:cdef:fedc:ba09:8765:4321') # doctest: +IGNORE_UNICODE
'1234:5678:90ab:0000:0000:0000:0000:0000'
"""
try:
ipv4 = ipaddress.IPv4Address(remote_addr)
return u''.join(ipv4.exploded.rsplit('.', 1)[0]) + '.' + '0'
except ipaddress.AddressValueError:
ipv6 = ipaddress.IPv6Address(remote_addr)
if ipv6.ipv4_mapped is not None:
return anonymize(ipv6.ipv4_mapped)
return u'' + ipv6.exploded.rsplit(':', 5)[0] + ':' + ':'.join(['0000']*5)
def salt(value, s=u'\x082@t9*\x17\xad\xc1\x1c\xa5\x98'):
return hashlib.sha1((value + s).encode('utf-8')).hexdigest()
def mksecret(length):
return ''.join(random.choice(ascii_letters + digits) for x in range(length))
class Bloomfilter:
"""A space-efficient probabilistic data structure. False-positive rate:
* 1e-05 for <80 elements
* 1e-04 for <105 elements
* 1e-03 for <142 elements
Uses a 256 byte array (2048 bits) and 11 hash functions. 256 byte because
of space efficiency (array is saved for each comment) and 11 hash functions
because of best overall false-positive rate in that range.
-- via Raymond Hettinger
http://code.activestate.com/recipes/577684-bloom-filter/
"""
def __init__(self, array=bytearray(256), elements=0, iterable=()):
self.array = array
self.elements = elements
self.k = 11
self.m = len(array) * 8
for item in iterable:
self.add(item)
def get_probes(self, key):
h = int(hashlib.sha256(key.encode()).hexdigest(), 16)
for _ in range(self.k):
yield h & self.m - 1
h >>= self.k
def add(self, key):
for i in self.get_probes(key):
self.array[i//8] |= 2 ** (i%8)
self.elements += 1
@property
def density(self):
c = ''.join(format(x, '08b') for x in self.array)
return c.count('1') / len(c)
def __contains__(self, key):
return all(self.array[i//8] & (2 ** (i%8)) for i in self.get_probes(key))
def __len__(self):
return self.elements
class JSONRequest(Request):
if werkzeug.version.startswith("0.8"):
def get_data(self, **kw):
return self.data.decode('utf-8')
def get_json(self):
try:
return json.loads(self.get_data(as_text=True))
except ValueError:
raise BadRequest('Unable to read JSON request')
| [
"[email protected]"
] | |
73b3aa3eb0eafa7c981e958cd9edfcce0db2f3af | 0049d7959ff872e2ddf6ea3ce83b6c26512425a6 | /templateProject1/testApp/views.py | 46d23b84d0f2fdb60a2e8dd2df093a803f548e12 | [] | no_license | srazor09/Django_projects | 9806ab25d966af780cdabe652a1792220c7806a8 | 8d664ba4c9478bd93c8e5bcbcaf594e8ffe6ce93 | refs/heads/master | 2023-04-18T02:13:15.993393 | 2021-05-04T20:34:05 | 2021-05-04T20:34:05 | 364,379,605 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 242 | py | from django.shortcuts import render
import datetime
# Create your views here.
def tempView(request):
date= datetime.datetime.now()
MyDictionary={'date_msg' : date}
return render(request, 'testApp/wish.html',context=MyDictionary)
| [
"[email protected]"
] | |
734ce064902baeb13c6ee7a20c31d6f617d3a987 | 85eff920f0f285abad84c2f6bcfd4f236f3976ab | /webservices/migrations/0196_auto_20191106_0835.py | d3022e801061abd061dec41ad3ec0334b32d3d5c | [] | no_license | obxlifco/Web-Picking-App-GoGrocery | 8cf5f7924005a19764e5c4722a47bfd963965f2e | 6b084547bed2af43a67bada313d68e56f4228f96 | refs/heads/main | 2023-05-26T08:32:30.297317 | 2021-06-12T10:05:01 | 2021-06-12T10:05:01 | 315,206,253 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 686 | py | # -*- coding: utf-8 -*-
# Generated by Django 1.11.17 on 2019-11-06 08:35
from __future__ import unicode_literals
from django.db import migrations, models
class Migration(migrations.Migration):
dependencies = [
('webservices', '0195_auto_20191106_0658'),
]
operations = [
migrations.AddField(
model_name='engageboostshipmentorders',
name='return_delivery_date',
field=models.DateField(blank=True, null=True),
),
migrations.AddField(
model_name='engageboostshipmentorders',
name='return_driver_id',
field=models.IntegerField(blank=True, null=True),
),
]
| [
"[email protected]"
] | |
b33a52e10e6db1235a8a3804773fe7a1cd6c10f9 | 3873b03ac81354d4ed24e94df5fa8429e726bbd2 | /titles/9. 回文数.py | dce4385d060f8329f8bf8360f90039b94634f4b7 | [] | no_license | lichangg/myleet | 27032f115597481b6c0f3bbe3b83e80b34c76365 | 3d5a96d896ede3ea979783b8053487fe44e38969 | refs/heads/master | 2023-03-21T15:50:14.128422 | 2021-03-16T09:58:07 | 2021-03-16T09:58:07 | 286,616,721 | 1 | 0 | null | null | null | null | UTF-8 | Python | false | false | 929 | py | #!/usr/bin/env python
# -*- coding:utf-8 -*-
class Solution:
def isPalindrome(self, x: int) -> bool:
s=str(x)
div, mod = divmod(len(s), 2)
if div == 0:
return True
if mod:
left = s[:div]
right = s[div+1:]
else:
left=s[:div]
right = s[div:]
if left == right[::-1]:
return True
else:
return False
# 题目要求不能将数字转为字符串后处理. 所以智能用+-*/反转数字然后做对比
class Solution:
def isPalindrome(self, x: int) -> bool:
if x < 0 or (x % 10 == 0 and x != 0):
return False
revertedNumber = 0
# 此处是将整数反转的方法,学到了
while x > revertedNumber:
revertedNumber = revertedNumber * 10 + x % 10
x //= 10
return x == revertedNumber or x == revertedNumber // 10 | [
"[email protected]"
] | |
93dda13c0501663cb66488d10bd6e44c5d682c67 | 1fdd2c6bb53dd8ddeba28c89ba1b65c692875999 | /backend/apps/groups/models.py | c075f6c0d7e86200642688a5a1560c4cdd47cb09 | [] | no_license | Alymbekov/test_task_SynergyWay | 782d0109cd7b63bdf5d0c05603f568da641af3f2 | 4ad07c393af1dec8395dcb754060d130ecea9fa6 | refs/heads/master | 2023-08-01T17:09:19.417147 | 2021-01-27T11:09:36 | 2021-01-27T11:09:36 | 254,460,227 | 2 | 1 | null | 2021-09-22T18:52:01 | 2020-04-09T19:26:31 | JavaScript | UTF-8 | Python | false | false | 318 | py | from django.db import models
#model to group table
class Group(models.Model):
name = models.CharField("Name", max_length=150)
description = models.TextField()
def __str__(self):
return self.name
class Meta:
verbose_name = "Group"
verbose_name_plural = "Groups"
| [
"[email protected]"
] | |
8793c6db98cfca73fc7b88ee015d243cd56599de | 47343c9191f7fcfefae38b2d8160d39ba9410271 | /O06triplets.py | 67b46722768b72fb8ede85e85843143df15a335e | [] | no_license | naveenameganathan/python3 | 01f7c06e48559693b1f132a8223ad9f9855e8a1f | 6bff6f16de0a03dd36bedec140935c3af56b983f | refs/heads/master | 2020-05-23T02:17:31.986878 | 2019-07-25T17:36:39 | 2019-07-25T17:36:39 | 186,600,896 | 1 | 4 | null | 2019-10-03T15:15:09 | 2019-05-14T10:35:52 | Python | UTF-8 | Python | false | false | 195 | py | p = int(input())
q = list(map(int,input().split()))
c = 0
for i in range(p):
for j in range(i,p):
for k in range(j,p):
if q[i]<q[j]<q[k]:
c+=1
print(c)
| [
"[email protected]"
] | |
466f6d308bfa6a49b30cb74662ecf377c760868a | 8afb5afd38548c631f6f9536846039ef6cb297b9 | /_MY_ORGS/Web-Dev-Collaborative/blog-research/database/pg-admin/web/pgadmin/browser/server_groups/servers/databases/schemas/catalog_objects/__init__.py | 20742bf633361e0adfaa1ea875e4a38e85ffa162 | [
"MIT"
] | permissive | bgoonz/UsefulResourceRepo2.0 | d87588ffd668bb498f7787b896cc7b20d83ce0ad | 2cb4b45dd14a230aa0e800042e893f8dfb23beda | refs/heads/master | 2023-03-17T01:22:05.254751 | 2022-08-11T03:18:22 | 2022-08-11T03:18:22 | 382,628,698 | 10 | 12 | MIT | 2022-10-10T14:13:54 | 2021-07-03T13:58:52 | null | UTF-8 | Python | false | false | 10,270 | py | ##########################################################################
#
# pgAdmin 4 - PostgreSQL Tools
#
# Copyright (C) 2013 - 2020, The pgAdmin Development Team
# This software is released under the PostgreSQL Licence
#
##########################################################################
""" Implements Catalog objects Node."""
from functools import wraps
from flask import render_template
from flask_babelex import gettext
import pgadmin.browser.server_groups.servers.databases as database
from config import PG_DEFAULT_DRIVER
from pgadmin.browser.server_groups.servers.databases.schemas.utils \
import SchemaChildModule
from pgadmin.browser.utils import PGChildNodeView
from pgadmin.utils.ajax import gone
from pgadmin.utils.ajax import make_json_response, internal_server_error, \
make_response as ajax_response
from pgadmin.utils.driver import get_driver
class CatalogObjectModule(SchemaChildModule):
"""
class CatalogObjectModule(SchemaChildModule)
A module class for Catalog objects node derived from SchemaChildModule.
Methods:
-------
* __init__(*args, **kwargs)
- Method is used to initialize the Catalog objects and it's base module.
* get_nodes(gid, sid, did, scid, coid)
- Method is used to generate the browser collection node.
* script_load()
- Load the module script for Catalog objects, when any of the server node
is initialized.
"""
_NODE_TYPE = 'catalog_object'
_COLLECTION_LABEL = gettext("Catalog Objects")
# Flag for not to show node under Schema/Catalog node
# By default its set to True to display node in schema/catalog
# We do not want to display 'Catalog Objects' under Schema/Catalog
# but only in information_schema/sys/dbo
CATALOG_DB_SUPPORTED = False
SUPPORTED_SCHEMAS = ['information_schema', 'sys', 'dbo']
def __init__(self, *args, **kwargs):
"""
Method is used to initialize the CatalogObjectModule and it's base
module.
Args:
*args:
**kwargs:
"""
super(CatalogObjectModule, self).__init__(*args, **kwargs)
self.min_ver = None
self.max_ver = None
def get_nodes(self, gid, sid, did, scid):
"""
Generate the collection node
"""
yield self.generate_browser_collection_node(scid)
@property
def script_load(self):
"""
Load the module script for server, when any of the database node is
initialized.
"""
return database.DatabaseModule.node_type
blueprint = CatalogObjectModule(__name__)
class CatalogObjectView(PGChildNodeView):
"""
This class is responsible for generating routes for Catalog objects node.
Methods:
-------
* check_precondition()
- This function will behave as a decorator which will checks
database connection before running view, it will also attaches
manager,conn & template_path properties to self
* list()
- Lists all the Catalog objects nodes within that collection.
* nodes()
- Creates all the nodes of type Catalog objects.
* properties(gid, sid, did, scid, coid)
- Shows the properties of the selected Catalog objects node.
* dependency(gid, sid, did, scid):
- Returns the dependencies list for the given catalog object node.
* dependent(gid, sid, did, scid):
- Returns the dependents list for the given Catalog objects node.
"""
node_type = blueprint.node_type
parent_ids = [
{'type': 'int', 'id': 'gid'},
{'type': 'int', 'id': 'sid'},
{'type': 'int', 'id': 'did'},
{'type': 'int', 'id': 'scid'}
]
ids = [
{'type': 'int', 'id': 'coid'}
]
operations = dict({
'obj': [{'get': 'properties'}, {'get': 'list'}],
'children': [{'get': 'children'}],
'nodes': [{'get': 'node'}, {'get': 'nodes'}],
'sql': [{'get': 'sql'}],
'dependency': [{'get': 'dependencies'}],
'dependent': [{'get': 'dependents'}]
})
def check_precondition(f):
"""
This function will behave as a decorator which will checks
database connection before running view, it will also attaches
manager,conn & template_path properties to self
"""
@wraps(f)
def wrap(*args, **kwargs):
# Here args[0] will hold self & kwargs will hold gid,sid,did
self = args[0]
self.manager = get_driver(PG_DEFAULT_DRIVER).connection_manager(
kwargs['sid']
)
self.conn = self.manager.connection(did=kwargs['did'])
self.datlastsysoid = \
self.manager.db_info[kwargs['did']]['datlastsysoid'] \
if self.manager.db_info is not None and \
kwargs['did'] in self.manager.db_info else 0
self.template_path = 'catalog_object/sql/{0}/#{1}#'.format(
'ppas' if self.manager.server_type == 'ppas' else 'pg',
self.manager.version
)
return f(*args, **kwargs)
return wrap
@check_precondition
def list(self, gid, sid, did, scid):
"""
This function is used to list all the catalog objects
nodes within that collection.
Args:
gid: Server group ID
sid: Server ID
did: Database ID
scid: Schema ID
Returns:
JSON of available catalog objects nodes
"""
SQL = render_template("/".join([
self.template_path, self._PROPERTIES_SQL
]), scid=scid
)
status, res = self.conn.execute_dict(SQL)
if not status:
return internal_server_error(errormsg=res)
return ajax_response(
response=res['rows'],
status=200
)
@check_precondition
def nodes(self, gid, sid, did, scid):
"""
This function will used to create all the child node within that
collection.
Here it will create all the catalog objects node.
Args:
gid: Server Group ID
sid: Server ID
did: Database ID
scid: Schema ID
Returns:
JSON of available catalog objects child nodes
"""
res = []
SQL = render_template(
"/".join([self.template_path, self._NODES_SQL]), scid=scid
)
status, rset = self.conn.execute_2darray(SQL)
if not status:
return internal_server_error(errormsg=rset)
for row in rset['rows']:
res.append(
self.blueprint.generate_browser_node(
row['oid'],
scid,
row['name'],
icon="icon-catalog_object"
))
return make_json_response(
data=res,
status=200
)
@check_precondition
def node(self, gid, sid, did, scid, coid):
"""
This function will fetch properties of catalog objects node.
Args:
gid: Server Group ID
sid: Server ID
did: Database ID
scid: Schema ID
coid: Catalog object ID
Returns:
JSON of given catalog objects child node
"""
SQL = render_template(
"/".join([self.template_path, self._NODES_SQL]), coid=coid
)
status, rset = self.conn.execute_2darray(SQL)
if not status:
return internal_server_error(errormsg=rset)
for row in rset['rows']:
return make_json_response(
data=self.blueprint.generate_browser_node(
row['oid'],
scid,
row['name'],
icon="icon-catalog_object"
),
status=200
)
return gone(
errormsg=gettext("Could not find the specified catalog object."))
@check_precondition
def properties(self, gid, sid, did, scid, coid):
"""
This function will show the properties of the selected
catalog objects node.
Args:
gid: Server Group ID
sid: Server ID
did: Database ID
scid: Schema ID
scid: Schema ID
coid: Catalog object ID
Returns:
JSON of selected catalog objects node
"""
SQL = render_template(
"/".join([self.template_path, self._PROPERTIES_SQL]),
scid=scid, coid=coid
)
status, res = self.conn.execute_dict(SQL)
if not status:
return internal_server_error(errormsg=res)
if len(res['rows']) == 0:
return gone(
gettext("""Could not find the specified catalog object."""))
res['rows'][0]['is_sys_obj'] = (
res['rows'][0]['oid'] <= self.datlastsysoid)
return ajax_response(
response=res['rows'][0],
status=200
)
@check_precondition
def dependents(self, gid, sid, did, scid, coid):
"""
This function get the dependents and return ajax response
for the catalog objects node.
Args:
gid: Server Group ID
sid: Server ID
did: Database ID
scid: Schema ID
coid: catalog objects ID
"""
dependents_result = self.get_dependents(self.conn, coid)
return ajax_response(
response=dependents_result,
status=200
)
@check_precondition
def dependencies(self, gid, sid, did, scid, coid):
"""
This function get the dependencies and return ajax response
for the catalog objects node.
Args:
gid: Server Group ID
sid: Server ID
did: Database ID
scid: Schema ID
coid: catalog objects ID
"""
dependencies_result = self.get_dependencies(self.conn, coid)
return ajax_response(
response=dependencies_result,
status=200
)
CatalogObjectView.register_node_view(blueprint)
| [
"[email protected]"
] | |
8c65c2b3eb2119cfd46107cce6a001a83f375c82 | 633944f913050debf0764c2a29cf3e88f912670e | /v8/depot_tools/bootstrap-3.8.0b1.chromium.1_bin/python3/lib/python3.8/_collections_abc.py | 17eff4c6e6175623f81fa90d8d003f0dd18736f1 | [
"BSD-3-Clause",
"bzip2-1.0.6",
"SunPro",
"Apache-2.0"
] | permissive | bopopescu/V8-lgtm | 0474c2ff39baf754f556ef57619ceae93e7320fd | da307e2f7abfca5fa0e860a809de6cd07fd1b72b | refs/heads/master | 2022-02-16T19:10:54.008520 | 2019-09-25T07:51:13 | 2019-09-25T07:51:13 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 64 | py | ../../../.cipd/pkgs/2/_current/lib/python3.8/_collections_abc.py | [
"[email protected]"
] | |
0c33e9bbe8b36c3a0676bca201898fcecad7e191 | e36225e61d95adfabfd4ac3111ec7631d9efadb7 | /problems/CR/auto/problem220_CR.py | b03a0e4f5f53ef2573a1700d9c1d7cd085e3998f | [
"BSD-3-Clause"
] | permissive | sunandita/ICAPS_Summer_School_RAE_2020 | d2ab6be94ac508e227624040283e8cc6a37651f1 | a496b62185bcfdd2c76eb7986ae99cfa85708d28 | refs/heads/main | 2023-01-01T02:06:40.848068 | 2020-10-15T17:25:01 | 2020-10-15T17:25:01 | 301,263,711 | 5 | 2 | BSD-3-Clause | 2020-10-15T17:25:03 | 2020-10-05T01:24:08 | Python | UTF-8 | Python | false | false | 1,071 | py | __author__ = 'patras'
from domain_chargeableRobot import *
from timer import DURATION
from state import state
DURATION.TIME = {
'put': 2,
'take': 2,
'perceive': 2,
'charge': 2,
'move': 2,
'moveToEmergency': 2,
'moveCharger': 2,
'addressEmergency': 2,
'wait': 2,
}
DURATION.COUNTER = {
'put': 2,
'take': 2,
'perceive': 2,
'charge': 2,
'move': 2,
'moveToEmergency': 2,
'moveCharger': 2,
'addressEmergency': 2,
'wait': 2,
}
rv.LOCATIONS = [1, 2, 3, 4, 5, 6, 7, 8]
rv.EDGES = {1: [7], 2: [8], 3: [8], 4: [8], 5: [7], 6: [7], 7: [1, 5, 6, 8], 8: [2, 3, 4, 7]}
rv.OBJECTS=['o1']
rv.ROBOTS=['r1']
def ResetState():
state.loc = {'r1': 2}
state.charge = {'r1': 3}
state.load = {'r1': NIL}
state.pos = {'c1': 1, 'o1': UNK}
state.containers = { 1:[],2:['o1'],3:[],4:[],5:[],6:[],7:[],8:[],}
state.emergencyHandling = {'r1': False, 'r2': False}
state.view = {}
for l in rv.LOCATIONS:
state.view[l] = False
tasks = {
4: [['fetch', 'r1', 'o1']],
}
eventsEnv = {
} | [
"[email protected]"
] | |
94ad35991846e7a87d4132dc62e43fc41748359e | 62e58c051128baef9452e7e0eb0b5a83367add26 | /edifact/D12A/DOCARED12AUN.py | 7112f56f43c44df6e1ef69c397d993862bf477cf | [] | no_license | dougvanhorn/bots-grammars | 2eb6c0a6b5231c14a6faf194b932aa614809076c | 09db18d9d9bd9d92cefbf00f1c0de1c590fe3d0d | refs/heads/master | 2021-05-16T12:55:58.022904 | 2019-05-17T15:22:23 | 2019-05-17T15:22:23 | 105,274,633 | 0 | 0 | null | 2017-09-29T13:21:21 | 2017-09-29T13:21:21 | null | UTF-8 | Python | false | false | 751 | py | #Generated by bots open source edi translator from UN-docs.
from bots.botsconfig import *
from edifact import syntax
from recordsD12AUN import recorddefs
structure = [
{ID: 'UNH', MIN: 1, MAX: 1, LEVEL: [
{ID: 'BGM', MIN: 1, MAX: 1},
{ID: 'RFF', MIN: 1, MAX: 2},
{ID: 'DTM', MIN: 0, MAX: 1},
{ID: 'FII', MIN: 1, MAX: 5, LEVEL: [
{ID: 'RFF', MIN: 0, MAX: 2},
{ID: 'CTA', MIN: 0, MAX: 1},
{ID: 'COM', MIN: 0, MAX: 5},
]},
{ID: 'NAD', MIN: 1, MAX: 9, LEVEL: [
{ID: 'RFF', MIN: 0, MAX: 1},
{ID: 'CTA', MIN: 0, MAX: 1},
{ID: 'COM', MIN: 0, MAX: 5},
]},
{ID: 'AUT', MIN: 0, MAX: 1, LEVEL: [
{ID: 'DTM', MIN: 0, MAX: 1},
]},
{ID: 'UNT', MIN: 1, MAX: 1},
]},
]
| [
"[email protected]"
] | |
5a0514166417cfcf07b4e5bd79d4dc3fefe912d2 | 4bb31b4cb7b1872933d73dc15b5a2569a70bfad5 | /marktex/marktex.py | 58772ce680b2e33239a2c29d08cef2eb5eb16736 | [] | no_license | chthub/MarkTex | bf27aa402d5bd75d27d6a8b2cf5df19b9035a3d7 | e998a03a5e607524c14bf8ea1c1f79c34e2110f8 | refs/heads/master | 2020-07-04T03:27:25.095562 | 2019-08-02T02:24:30 | 2019-08-02T02:24:30 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,788 | py | import argparse,sys,os
APP_DESC="""
MarkTex is used to convert markdown document into tex format.
输出位置可以选择:
- 在各自的md文件下 default,最低优先级
- 统一输出到一个目录下 -o "path" ,第二优先级
- 在各自给定的目录下 -e "",优先级最高
输出到对应文件的 "文件名" 所在的目录下:
marktex a.md b.md ...
输出到一个同一的文件夹下:
marktex a.md b.md ... -o "path"
指定输出到各自文件夹,必须保证路径个数和文件个数相同:
marktex a.md b.md ... -e "pathfora" "pathforb" ...
"""
if len(sys.argv) == 1:
sys.argv.append('--help')
parser = argparse.ArgumentParser()
parser.add_argument('mdfiles', metavar='mdfiles', type=str, nargs='+',
help='place markdown path')
parser.add_argument('-o','--output',type=str,default=None,help="指定统一路径")
parser.add_argument('-e','--every',help="为每个文件分配路径",nargs="*")
args = parser.parse_args()
every = args.every
mdfiles = args.mdfiles
output = args.output
output_paths = []
if every is not None:
if len(every) != len(mdfiles):
print("you ues -e option, the number of outputdirs must be equal to markdown files.")
exit(1)
output_paths = every
elif output is not None:
output_paths = [output]*len(mdfiles)
else:
for mdfile in mdfiles:
mdfile = os.path.abspath(mdfile)
mdpath,fname = os.path.splitext(mdfile)
output_paths.append(mdpath)
from marktex.texrender.toTex import MarkTex
for mdfile,opath in zip(mdfiles,output_paths):
_,fname = os.path.split(mdfile)
fpre,_ = os.path.splitext(fname)
doc = MarkTex.convert_file(mdfile,opath)
doc.generate_tex(fpre)
print(f"[info*]convert finished.")
exit(0)
| [
"[email protected]"
] | |
83a957a1f924f564aa7c20dbadd7d44be83ce692 | 255021fadf9f739db042809ca95f5b9f75609ec5 | /test_3/프로그래밍1.py | f14fdf6f552ef6ddf444a58ca15a9d0876f43729 | [] | no_license | unsung107/Algorithm_study | 13bfff518fc1bd0e7a020bb006c88375c9ccacb2 | fb3b8563bae7640c52dbe9324d329ca9ee981493 | refs/heads/master | 2022-12-13T02:10:31.173333 | 2020-09-13T11:32:10 | 2020-09-13T11:32:10 | 295,137,458 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 504 | py | M, C = map(int,input().split())
messages = []
for _ in range(M):
messages.append(int(input()))
consumers = [[False] * 1001 for _ in range(C)]
max_idx = 0
for idx in range(1, 1001):
for c in range(C):
if not consumers[c][idx]:
gap = messages.pop(0)
consumers[c][idx: idx + gap] = [True] * gap
if idx + gap - 1 > max_idx:
max_idx = idx + gap - 1
if not messages:
break
if not messages:
break
print(max_idx) | [
"[email protected]"
] | |
ee2d685b30f2cc02ae06dc9f61a71fb82adf6363 | 6066b2af4b4f6ab967cfb8af8ec3b8ee68545ab9 | /nyenyenye/main.py | fb4d33da1a846dda10914eb8bab04e0886a20720 | [] | no_license | zsbati/PycharmProjects | 7b29b210b4878af42baf288c585675d0203b9805 | c13b05901c5ff8ea6fc7bcb61c70aa40940daa56 | refs/heads/main | 2023-09-04T09:01:19.315655 | 2021-10-24T16:24:43 | 2021-10-24T16:24:43 | 401,172,721 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 261 | py | # import string library function
import string
# Storing the value in variable result
result = string.digits
# Printing the value
print(help(string.digits))
'''print("I am = I'm")
print("I have = I've")
print("I have = I've")
print("I had / would = I'd")'''
| [
"[email protected]"
] | |
c0894817b359f565a61787e0b5398c3034bd645b | c90b3ac3e5ad11cb93d4e6b76b9b9c4a19d0f512 | /.history/test_20200506092929.py | e9356e56f63da20a4420f3d3da4141f231c536e3 | [] | no_license | rbafna6507/passwordstorageproject | 6465585e36c81075856af8d565fe83e358b4a40a | 480c30e358f7902ac0ef5c4e8d9556cb1d6d33f4 | refs/heads/master | 2022-11-25T12:05:02.625968 | 2020-07-27T21:33:38 | 2020-07-27T21:33:38 | 283,021,426 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 424 | py | import pickle
import cryptography
from cryptography.fernet import Fernet
infile = open('pass.pkl','rb')
j = pickle.load(infile)
print(j)
delpass = input("Password to delete")
if "Website: " + delpass in j:
del j["Website: " + delpass]
outfile = open("test.pkl", "wb")
pickle.dump(j, outfile)
outfile.close()
infile = open('test.pkl','rb')
j = pickle.load(infile)
print(j)
else:
print("NOPE") | [
"[email protected]"
] | |
89b2ed2a19339c16c57af10bafb39f0f2d9fe6c9 | 34a5f5b1624231fe953c913b012ac8a9d83dbaab | /tests/conftest.py | 3a76ad0a2777e2db4f551cd430d9c4f2389c1e1e | [
"MIT"
] | permissive | isprojects/djangorestframework-inclusions | af13cc17b07a674c91c43004f8f27278ac8c5e65 | c2ff654254e4ef7dbadd264004b70e0efce44327 | refs/heads/master | 2022-07-25T00:44:29.344113 | 2022-07-11T10:44:25 | 2022-07-11T10:44:25 | 205,416,015 | 1 | 1 | MIT | 2023-08-22T19:17:12 | 2019-08-30T16:10:25 | Python | UTF-8 | Python | false | false | 84 | py | # import pytest
# @pytest.fixture
# def some_fixture(request):
# return 'foo'
| [
"[email protected]"
] | |
8b279338ed20386759c69d0309066bcbcc446e53 | 6aa581498844a9bd5fdcff7efb80cb97646eef28 | /app/manage.py | aadd00f3245ce9f842f46968c2a68e20a181fb80 | [] | no_license | jgj1018/HouseholdLedger | 5325b892610f438fd28957a3ac90a277dede5f49 | 6f756e03fe7ac3ef2b7f1cbea67951a0c3347826 | refs/heads/master | 2022-12-11T00:20:49.282474 | 2018-09-27T14:40:17 | 2018-09-27T14:40:17 | 124,239,980 | 0 | 0 | null | 2022-12-08T00:59:38 | 2018-03-07T13:28:38 | Python | UTF-8 | Python | false | false | 547 | py | #!/usr/bin/env python
import os
import sys
if __name__ == "__main__":
os.environ.setdefault("DJANGO_SETTINGS_MODULE", "HouseholdLedger.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)
| [
"[email protected]"
] | |
fe9d900ddf672433c7aab61886618fa4fbecd0ef | e3bb7c26a8bcdc9a241feaa8d1c7b4edf936ec21 | /mini服务器/装饰器/01.无参数无返回值的装饰器.py | af894c7d4b84efbf7dc5e4fa1c986c93ddbb9665 | [] | no_license | hezudao25/learnpython | a3b797caf72017c16455ed014824fe6cd0fdb36d | 1a9dbe02ac442ab8d2077a002e6a635c58bbce04 | refs/heads/master | 2020-04-24T07:44:34.664354 | 2019-07-26T05:50:05 | 2019-07-26T05:50:05 | 171,807,874 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 385 | py | import time
def set_func(func):
def call_func():
start_time = time.time()
func()
stop_time = time.time()
print("alltimeis %f" % (stop_time - start_time))
return call_func
@set_func # 等价于 test1 = set_func(test1)
def test1():
print("----test1-----")
for i in range(10000):
pass
#test1 = set_func(test1)
test1()
#test1() | [
"[email protected]"
] | |
f9ee0e4095188a538b77e1bf3334f8d98d7da304 | 552ba1ede64e20980227e70c2e7fe2ee9c5f6a33 | /tiny_tf/transformer.py | 47a90c0c5bb0a861c6b97626d45ea30ca68c8398 | [
"MIT"
] | permissive | felixvd/tiny_tf | b7f5f3a573bbcd1ac15082e9fb0c53277aaf3a1a | d8f2c75e0da935450c4f7be1c87f79b2a75d1278 | refs/heads/master | 2020-05-16T03:19:38.460245 | 2019-09-04T07:45:54 | 2019-09-04T07:45:54 | 182,678,256 | 0 | 0 | null | 2019-04-22T08:48:31 | 2019-04-22T08:48:31 | null | UTF-8 | Python | false | false | 2,956 | py | from .tf import *
import numpy as np
from . import transformations as tft
from collections import namedtuple
from . import geometry_msgs
class Transformer(TFTree):
"""
This class implements the same interfaces as the ROS tf.TransformListener().
"""
def __init__(self):
super(Transformer, self).__init__()
def setTransform(self, transform_stamped):
"""
For geometry_msgs.msg.TransformStamped
"""
xform = Transform(transform_stamped.transform.translation.x,
transform_stamped.transform.translation.y,
transform_stamped.transform.translation.z,
transform_stamped.transform.rotation.x,
transform_stamped.transform.rotation.y,
transform_stamped.transform.rotation.z,
transform_stamped.transform.rotation.w)
parent = transform_stamped.header.frame_id
child = transform_stamped.child_frame_id
self.add_transform(parent, child, xform)
def transformPoint(self, target_frame, point_stamped):
"""
point_stamped is a geometry_msgs.msg.PointStamped object.
Returns a PointStamped transformed to target_frame.
"""
t = self.lookup_transform(point_stamped.header.frame_id, target_frame)
p = self.transform_point(point_stamped.point.x, point_stamped.point.y, point_stamped.point.z, target_frame, point_stamped.header.frame_id)
ps_out = geometry_msgs.msg.PointStamped()
ps_out.header.frame_id = target_frame
ps_out.point.x = p[0]
ps_out.point.y = p[1]
ps_out.point.z = p[2]
return ps_out
def transformPose(self, target_frame, pose_stamped):
"""
pose_stamped is a geometry_msgs.msg.PoseStamped object
Returns a PoseStamped transformed to target_frame.
"""
t = self.lookup_transform(pose_stamped.header.frame_id, target_frame)
p = self.transform_pose(pose_stamped.pose.position.x, pose_stamped.pose.position.y, pose_stamped.pose.position.z,
pose_stamped.pose.orientation.x, pose_stamped.pose.orientation.y, pose_stamped.pose.orientation.z, pose_stamped.pose.orientation.w,
target_frame, pose_stamped.header.frame_id)
ps_out = geometry_msgs.msg.PoseStamped()
ps_out.header.frame_id = target_frame
ps_out.pose.position.x = p[0]
ps_out.pose.position.y = p[1]
ps_out.pose.position.z = p[2]
ps_out.pose.orientation.x = p[3]
ps_out.pose.orientation.y = p[4]
ps_out.pose.orientation.z = p[5]
ps_out.pose.orientation.w = p[6]
return ps_out
def lookupTransform(self, base_frame, target_frame):
"""
Returns a TransformStamped from base_frame to target_frame
"""
# TODO
# t = geometry_msgs.msg.TransformStamped()
return self.lookup_transform(base_frame, target_frame) | [
"[email protected]"
] | |
a2c508ad7151b2721bd977a375212ace036c9aee | 6fcfb638fa725b6d21083ec54e3609fc1b287d9e | /python/matrix-org_synapse/synapse-master/synapse/util/distributor.py | e68f94ce77728d0cc5352cc5c70b8de90ef915b5 | [] | no_license | LiuFang816/SALSTM_py_data | 6db258e51858aeff14af38898fef715b46980ac1 | d494b3041069d377d6a7a9c296a14334f2fa5acc | refs/heads/master | 2022-12-25T06:39:52.222097 | 2019-12-12T08:49:07 | 2019-12-12T08:49:07 | 227,546,525 | 10 | 7 | null | 2022-12-19T02:53:01 | 2019-12-12T07:29:39 | Python | UTF-8 | Python | false | false | 4,894 | py | # -*- coding: utf-8 -*-
# Copyright 2014-2016 OpenMarket Ltd
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
from twisted.internet import defer
from synapse.util.logcontext import (
PreserveLoggingContext, preserve_context_over_fn
)
from synapse.util import unwrapFirstError
import logging
logger = logging.getLogger(__name__)
def user_left_room(distributor, user, room_id):
return preserve_context_over_fn(
distributor.fire,
"user_left_room", user=user, room_id=room_id
)
def user_joined_room(distributor, user, room_id):
return preserve_context_over_fn(
distributor.fire,
"user_joined_room", user=user, room_id=room_id
)
class Distributor(object):
"""A central dispatch point for loosely-connected pieces of code to
register, observe, and fire signals.
Signals are named simply by strings.
TODO(paul): It would be nice to give signals stronger object identities,
so we can attach metadata, docstrings, detect typoes, etc... But this
model will do for today.
"""
def __init__(self, suppress_failures=True):
self.suppress_failures = suppress_failures
self.signals = {}
self.pre_registration = {}
def declare(self, name):
if name in self.signals:
raise KeyError("%r already has a signal named %s" % (self, name))
self.signals[name] = Signal(
name,
suppress_failures=self.suppress_failures,
)
if name in self.pre_registration:
signal = self.signals[name]
for observer in self.pre_registration[name]:
signal.observe(observer)
def observe(self, name, observer):
if name in self.signals:
self.signals[name].observe(observer)
else:
# TODO: Avoid strong ordering dependency by allowing people to
# pre-register observations on signals that don't exist yet.
if name not in self.pre_registration:
self.pre_registration[name] = []
self.pre_registration[name].append(observer)
def fire(self, name, *args, **kwargs):
if name not in self.signals:
raise KeyError("%r does not have a signal named %s" % (self, name))
return self.signals[name].fire(*args, **kwargs)
class Signal(object):
"""A Signal is a dispatch point that stores a list of callables as
observers of it.
Signals can be "fired", meaning that every callable observing it is
invoked. Firing a signal does not change its state; it can be fired again
at any later point. Firing a signal passes any arguments from the fire
method into all of the observers.
"""
def __init__(self, name, suppress_failures):
self.name = name
self.suppress_failures = suppress_failures
self.observers = []
def observe(self, observer):
"""Adds a new callable to the observer list which will be invoked by
the 'fire' method.
Each observer callable may return a Deferred."""
self.observers.append(observer)
@defer.inlineCallbacks
def fire(self, *args, **kwargs):
"""Invokes every callable in the observer list, passing in the args and
kwargs. Exceptions thrown by observers are logged but ignored. It is
not an error to fire a signal with no observers.
Returns a Deferred that will complete when all the observers have
completed."""
def do(observer):
def eb(failure):
logger.warning(
"%s signal observer %s failed: %r",
self.name, observer, failure,
exc_info=(
failure.type,
failure.value,
failure.getTracebackObject()))
if not self.suppress_failures:
return failure
return defer.maybeDeferred(observer, *args, **kwargs).addErrback(eb)
with PreserveLoggingContext():
deferreds = [
do(observer)
for observer in self.observers
]
res = yield defer.gatherResults(
deferreds, consumeErrors=True
).addErrback(unwrapFirstError)
defer.returnValue(res)
def __repr__(self):
return "<Signal name=%r>" % (self.name,)
| [
"[email protected]"
] | |
d6b9b87dc0ed9d99ee881951dfc88458945e2338 | 24fe1f54fee3a3df952ca26cce839cc18124357a | /servicegraph/lib/python2.7/site-packages/acimodel-4.0_3d-py2.7.egg/cobra/modelimpl/fv/rsnodeatt.py | c5291275b6bf8c7b5bc74f6ce6e28e5a557006b0 | [] | no_license | aperiyed/servicegraph-cloudcenter | 4b8dc9e776f6814cf07fe966fbd4a3481d0f45ff | 9eb7975f2f6835e1c0528563a771526896306392 | refs/heads/master | 2023-05-10T17:27:18.022381 | 2020-01-20T09:18:28 | 2020-01-20T09:18:28 | 235,065,676 | 0 | 0 | null | 2023-05-01T21:19:14 | 2020-01-20T09:36:37 | Python | UTF-8 | Python | false | false | 11,117 | py | # coding=UTF-8
# **********************************************************************
# Copyright (c) 2013-2019 Cisco Systems, Inc. All rights reserved
# written by zen warriors, do not modify!
# **********************************************************************
from cobra.mit.meta import ClassMeta
from cobra.mit.meta import StatsClassMeta
from cobra.mit.meta import CounterMeta
from cobra.mit.meta import PropMeta
from cobra.mit.meta import Category
from cobra.mit.meta import SourceRelationMeta
from cobra.mit.meta import NamedSourceRelationMeta
from cobra.mit.meta import TargetRelationMeta
from cobra.mit.meta import DeploymentPathMeta, DeploymentCategory
from cobra.model.category import MoCategory, PropCategory, CounterCategory
from cobra.mit.mo import Mo
# ##################################################
class RsNodeAtt(Mo):
"""
The static association with an access group is a bundled or unbundled group of ports. The existence of this object implies that the corresponding set of policies will be resolved into the node to which the relationship points.
"""
meta = SourceRelationMeta("cobra.model.fv.RsNodeAtt", "cobra.model.fabric.Node")
meta.cardinality = SourceRelationMeta.N_TO_M
meta.moClassName = "fvRsNodeAtt"
meta.rnFormat = "rsnodeAtt-[%(tDn)s]"
meta.category = MoCategory.RELATIONSHIP_TO_LOCAL
meta.label = "Fabric Node"
meta.writeAccessMask = 0x601
meta.readAccessMask = 0x601
meta.isDomainable = False
meta.isReadOnly = False
meta.isConfigurable = True
meta.isDeletable = True
meta.isContextRoot = False
meta.childClasses.add("cobra.model.tag.Tag")
meta.childClasses.add("cobra.model.fault.Counts")
meta.childClasses.add("cobra.model.health.Inst")
meta.childClasses.add("cobra.model.aaa.RbacAnnotation")
meta.childClasses.add("cobra.model.tag.AliasDelInst")
meta.childClasses.add("cobra.model.tag.ExtMngdInst")
meta.childClasses.add("cobra.model.tag.AliasInst")
meta.childClasses.add("cobra.model.tag.Inst")
meta.childClasses.add("cobra.model.tag.Annotation")
meta.childNamesAndRnPrefix.append(("cobra.model.tag.Annotation", "annotationKey-"))
meta.childNamesAndRnPrefix.append(("cobra.model.tag.AliasDelInst", "aliasdel-"))
meta.childNamesAndRnPrefix.append(("cobra.model.aaa.RbacAnnotation", "rbacDom-"))
meta.childNamesAndRnPrefix.append(("cobra.model.tag.Tag", "tagKey-"))
meta.childNamesAndRnPrefix.append(("cobra.model.fault.Counts", "fltCnts"))
meta.childNamesAndRnPrefix.append(("cobra.model.tag.ExtMngdInst", "extmngd"))
meta.childNamesAndRnPrefix.append(("cobra.model.health.Inst", "health"))
meta.childNamesAndRnPrefix.append(("cobra.model.tag.AliasInst", "alias"))
meta.childNamesAndRnPrefix.append(("cobra.model.tag.Inst", "tag-"))
meta.parentClasses.add("cobra.model.fv.AEPg")
meta.superClasses.add("cobra.model.reln.Inst")
meta.superClasses.add("cobra.model.reln.To")
meta.rnPrefixes = [
('rsnodeAtt-', True),
]
prop = PropMeta("str", "annotation", "annotation", 37659, PropCategory.REGULAR)
prop.label = "Annotation. Suggested format orchestrator:value"
prop.isConfig = True
prop.isAdmin = True
prop.range = [(0, 128)]
prop.regex = ['[a-zA-Z0-9_.:-]+']
meta.props.add("annotation", prop)
prop = PropMeta("str", "childAction", "childAction", 4, PropCategory.CHILD_ACTION)
prop.label = "None"
prop.isImplicit = True
prop.isAdmin = True
prop._addConstant("deleteAll", "deleteall", 16384)
prop._addConstant("deleteNonPresent", "deletenonpresent", 8192)
prop._addConstant("ignore", "ignore", 4096)
meta.props.add("childAction", prop)
prop = PropMeta("str", "descr", "descr", 19108, PropCategory.REGULAR)
prop.label = "None"
prop.isConfig = True
prop.isAdmin = True
prop.range = [(0, 128)]
prop.regex = ['[a-zA-Z0-9\\!#$%()*,-./:;@ _{|}~?&+]+']
meta.props.add("descr", prop)
prop = PropMeta("str", "dn", "dn", 1, PropCategory.DN)
prop.label = "None"
prop.isDn = True
prop.isImplicit = True
prop.isAdmin = True
prop.isCreateOnly = True
meta.props.add("dn", prop)
prop = PropMeta("str", "encap", "encap", 12338, PropCategory.REGULAR)
prop.label = "None"
prop.isConfig = True
prop.isAdmin = True
meta.props.add("encap", prop)
prop = PropMeta("str", "extMngdBy", "extMngdBy", 39798, PropCategory.REGULAR)
prop.label = "None"
prop.isImplicit = True
prop.isAdmin = True
prop.defaultValue = 0
prop.defaultValueStr = "undefined"
prop._addConstant("msc", "msc", 1)
prop._addConstant("undefined", "undefined", 0)
meta.props.add("extMngdBy", prop)
prop = PropMeta("str", "forceResolve", "forceResolve", 107, PropCategory.REGULAR)
prop.label = "None"
prop.isImplicit = True
prop.isAdmin = True
prop.defaultValue = True
prop.defaultValueStr = "yes"
prop._addConstant("no", None, False)
prop._addConstant("yes", None, True)
meta.props.add("forceResolve", prop)
prop = PropMeta("str", "instrImedcy", "instrImedcy", 12339, PropCategory.REGULAR)
prop.label = "None"
prop.isConfig = True
prop.isAdmin = True
prop.defaultValue = 2
prop.defaultValueStr = "lazy"
prop._addConstant("immediate", "immediate", 1)
prop._addConstant("lazy", "on-demand", 2)
meta.props.add("instrImedcy", prop)
prop = PropMeta("str", "lcC", "lcC", 12340, PropCategory.REGULAR)
prop.label = "None"
prop.isImplicit = True
prop.isAdmin = True
prop._addConstant("802-dot-1x", "802-dot-1x", 16)
prop._addConstant("dynamic", "dynamic", 8)
prop._addConstant("learned", "learned", 2)
prop._addConstant("poe", "poe", 32)
prop._addConstant("static", "static", 4)
prop._addConstant("vmm", "vmm", 1)
meta.props.add("lcC", prop)
prop = PropMeta("str", "lcOwn", "lcOwn", 9, PropCategory.REGULAR)
prop.label = "None"
prop.isImplicit = True
prop.isAdmin = True
prop.defaultValue = 0
prop.defaultValueStr = "local"
prop._addConstant("implicit", "implicit", 4)
prop._addConstant("local", "local", 0)
prop._addConstant("policy", "policy", 1)
prop._addConstant("replica", "replica", 2)
prop._addConstant("resolveOnBehalf", "resolvedonbehalf", 3)
meta.props.add("lcOwn", prop)
prop = PropMeta("str", "modTs", "modTs", 7, PropCategory.REGULAR)
prop.label = "None"
prop.isImplicit = True
prop.isAdmin = True
prop.defaultValue = 0
prop.defaultValueStr = "never"
prop._addConstant("never", "never", 0)
meta.props.add("modTs", prop)
prop = PropMeta("str", "mode", "mode", 12341, PropCategory.REGULAR)
prop.label = "None"
prop.isConfig = True
prop.isAdmin = True
prop.defaultValue = 0
prop.defaultValueStr = "regular"
prop._addConstant("native", "access-(802.1p)", 1)
prop._addConstant("regular", "trunk", 0)
prop._addConstant("untagged", "access-(untagged)", 2)
meta.props.add("mode", prop)
prop = PropMeta("str", "monPolDn", "monPolDn", 34097, PropCategory.REGULAR)
prop.label = "Monitoring policy attached to this observable object"
prop.isImplicit = True
prop.isAdmin = True
meta.props.add("monPolDn", prop)
prop = PropMeta("str", "rType", "rType", 106, PropCategory.REGULAR)
prop.label = "None"
prop.isImplicit = True
prop.isAdmin = True
prop.defaultValue = 1
prop.defaultValueStr = "mo"
prop._addConstant("local", "local", 3)
prop._addConstant("mo", "mo", 1)
prop._addConstant("service", "service", 2)
meta.props.add("rType", prop)
prop = PropMeta("str", "rn", "rn", 2, PropCategory.RN)
prop.label = "None"
prop.isRn = True
prop.isImplicit = True
prop.isAdmin = True
prop.isCreateOnly = True
meta.props.add("rn", prop)
prop = PropMeta("str", "state", "state", 103, PropCategory.REGULAR)
prop.label = "State"
prop.isImplicit = True
prop.isAdmin = True
prop.defaultValue = 0
prop.defaultValueStr = "unformed"
prop._addConstant("cardinality-violation", "cardinality-violation", 5)
prop._addConstant("formed", "formed", 1)
prop._addConstant("invalid-target", "invalid-target", 4)
prop._addConstant("missing-target", "missing-target", 2)
prop._addConstant("unformed", "unformed", 0)
meta.props.add("state", prop)
prop = PropMeta("str", "stateQual", "stateQual", 104, PropCategory.REGULAR)
prop.label = "State Qualifier"
prop.isImplicit = True
prop.isAdmin = True
prop.defaultValue = 0
prop.defaultValueStr = "none"
prop._addConstant("default-target", "default-target", 2)
prop._addConstant("mismatch-target", "mismatch-target", 1)
prop._addConstant("none", "none", 0)
meta.props.add("stateQual", prop)
prop = PropMeta("str", "status", "status", 3, PropCategory.STATUS)
prop.label = "None"
prop.isImplicit = True
prop.isAdmin = True
prop._addConstant("created", "created", 2)
prop._addConstant("deleted", "deleted", 8)
prop._addConstant("modified", "modified", 4)
meta.props.add("status", prop)
prop = PropMeta("str", "tCl", "tCl", 12337, PropCategory.REGULAR)
prop.label = "Target-class"
prop.isImplicit = True
prop.isAdmin = True
prop.defaultValue = 443
prop.defaultValueStr = "fabricNode"
prop._addConstant("fabricNode", None, 443)
prop._addConstant("unspecified", "unspecified", 0)
meta.props.add("tCl", prop)
prop = PropMeta("str", "tDn", "tDn", 12336, PropCategory.REGULAR)
prop.label = "Target-dn"
prop.isConfig = True
prop.isAdmin = True
prop.isCreateOnly = True
prop.isNaming = True
meta.props.add("tDn", prop)
prop = PropMeta("str", "tType", "tType", 105, PropCategory.REGULAR)
prop.label = "None"
prop.isImplicit = True
prop.isAdmin = True
prop.defaultValue = 1
prop.defaultValueStr = "mo"
prop._addConstant("all", "all", 2)
prop._addConstant("mo", "mo", 1)
prop._addConstant("name", "name", 0)
meta.props.add("tType", prop)
prop = PropMeta("str", "uid", "uid", 8, PropCategory.REGULAR)
prop.label = "None"
prop.isImplicit = True
prop.isAdmin = True
meta.props.add("uid", prop)
meta.namingProps.append(getattr(meta.props, "tDn"))
getattr(meta.props, "tDn").needDelimiter = True
# Deployment Meta
meta.deploymentQuery = True
meta.deploymentType = "Ancestor"
meta.deploymentQueryPaths.append(DeploymentPathMeta("ATgToGraphInst", "Graph Instances", "cobra.model.vns.GraphInst"))
meta.deploymentQueryPaths.append(DeploymentPathMeta("AEPgToVirtualMachines", "Virtual Machines", "cobra.model.comp.Vm"))
meta.deploymentQueryPaths.append(DeploymentPathMeta("EPgToNwIf", "Interface", "cobra.model.nw.If"))
def __init__(self, parentMoOrDn, tDn, markDirty=True, **creationProps):
namingVals = [tDn]
Mo.__init__(self, parentMoOrDn, markDirty, *namingVals, **creationProps)
# End of package file
# ##################################################
| [
"[email protected]"
] | |
f60c32358ba29e0c6f5f181e16c9a9be15c3a970 | 7275f7454ce7c3ce519aba81b3c99994d81a56d3 | /sp1/python数据采集/数据采集基础/数据采集基本操作.py | a785c16fafcc2c6f8a703fe2c97dc5fc18c6eb6d | [] | no_license | chengqiangaoci/back | b4c964b17fb4b9e97ab7bf0e607bdc13e2724f06 | a26da4e4f088afb57c4122eedb0cd42bb3052b16 | refs/heads/master | 2020-03-22T08:36:48.360430 | 2018-08-10T03:53:55 | 2018-08-10T03:53:55 | 139,777,994 | 0 | 1 | null | null | null | null | UTF-8 | Python | false | false | 1,274 | py | import requests
from bs4 import BeautifulSoup
#基本操作
# url = "http://www.pythonscraping.com/pages/page1.html"
# response = requests.get(url)
# soup = BeautifulSoup(response.text,"html.parser")
# print(soup)
# url = "http://www.pythonscraping.com/pages/warandpeace.html"
# response = requests.get(url)
# soup = BeautifulSoup(response.text,"html.parser")
# namelist = soup.find_all("span",{"class":"green"})
# print(namelist.text)
# url = "https://en.wikipedia.org/wiki/Kevin_Bacon"
# response = requests.get(url)
# soup = BeautifulSoup(response.text,"html.parser")
# for link in soup.find_all("a"): #a标签
# if "href" in link.attrs:
# print(link.attrs["href"])
#子标签与后代标签
# url = "http://www.pythonscraping.com/pages/page3.html"
# response = requests.get(url)
# soup = BeautifulSoup(response.text,"html.parser")
# testlist = soup.find_all("table",{"id":"giftList"})
# for list in testlist:
# print(list.get_text())#只获取文本,没有标签
#正则表达式
import re
url = "http://www.pythonscraping.com/pages/page3.html"
response = requests.get(url)
soup = BeautifulSoup(response.text,"html.parser")
images = soup.find_all("img",{"src":re.compile("\.\.\/img\/gifts\/img.*\.jpg")})
for image in images:
print(image["src"])
| [
"[email protected]"
] | |
1b2cbcdf8cbd74d19c9b1c21e3a7b338517052e2 | 863bc319e092b5127037db0ead15e627e4b0ac72 | /Uncertainty/data/case-ln/case_ln_134.py | 01644cbd293c6c88784a140d75aec16a9f2e23fd | [
"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,690 | py | from numpy import array
def case_ln_134():
ppc = {"version": '2'}
ppc["baseMVA"] = 100.0
ppc["bus"] = array([
[1.0, 1.0, 71.1786, 18.981, 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, 14.2357, 5.2198, 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, 4.7452, 2.8471, 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, 3.3217, 2.8472, 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, 2.8471, 2.8471, 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, 2.8471, 2.8471, 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, 6.6433, 2.8471, 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, 80.4792, 3.018, 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, 94.9048, 5.941, 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, 94.9048, 5.941, 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, 94.9048, 5.941, 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, 94.9048, 5.941, 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, 47.4524, 6.1783, 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, 98.701, 6.1783, 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, 19.7402, 6.1783, 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, 56.9429, 18.981, 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, 94.9048, 5.941, 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, 113.8857, 56.9428, 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, 132.8667, 37.9619, 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, 65.4843, 18.0319, 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, 154.6948, 28.4714, 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, 61.6881, 14.2357, 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, 6.6433, 3.4545, 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, 6.6433, 3.4545, 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, 284.7143, 33.9854, 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, 4.7452, 2.8471, 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, 6.6433, 2.8471, 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, 3.3217, 2.8472, 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, 6.6433, 2.8471, 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, 56.9429, 10.4395, 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, 41.853, 11.958, 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, 14.9475, 4.9825, 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, 14.9475, 4.9825, 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, 14.9475, 5.438, 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, 14.9475, 5.438, 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, 8.9685, 3.986, 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, 14.9475, 5.438, 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, 14.9475, 5.438, 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, 56.9429, 10.4395, 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, 17.0829, 5.7512, 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, 17.0829, 5.7512, 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, 17.0829, 5.7512, 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, 17.0829, 5.7512, 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, 28.4714, 8.5414, 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, 28.4714, 8.5414, 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, 28.4714, 8.5414, 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, 9.4905, 3.4545, 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, 9.4905, 3.4545, 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, 17.0829, 5.1723, 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, 17.0829, 5.1723, 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, 17.0829, 5.1723, 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, 19.93, 5.1723, 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, 7.5924, 3.4545, 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, 7.5924, 3.4545, 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, 9.4905, 3.4545, 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, 17.0829, 5.1723, 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, 17.0829, 5.1723, 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, 14.2357, 5.1723, 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, 14.2357, 5.1723, 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, 14.2357, 5.1723, 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, 14.2357, 5.1723, 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, 45.5543, 8.5604, 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, 45.5543, 8.5604, 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, 9.4905, 3.4545, 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, 9.4905, 3.4545, 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, 9.4905, 3.4545, 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, 9.4905, 3.4545, 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, 19.93, 5.1723, 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, 19.93, 5.1723, 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, 11.3886, 3.4545, 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, 11.3886, 3.4545, 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, 11.3886, 3.4545, 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, 11.3886, 3.4166, 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, 19.93, 5.1723, 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, 19.93, 5.1723, 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, 19.93, 5.1723, 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, 19.93, 5.1723, 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, 19.93, 5.1723, 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, 19.93, 5.1723, 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, 104.3952, 33.2167, 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, 9.4905, 2.8471, 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, 39.86, 10.3541, 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, 39.86, 10.3541, 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, 39.86, 10.3541, 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, 39.86, 10.3541, 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, 19.93, 5.1723, 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, 94.9048, 6.1973, 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, 94.9048, 5.941, 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, 52.1976, 6.8142, 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, 94.9048, 5.941, 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, 47.4524, 6.1973, 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, 80.6691, 18.981, 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, 47.4524, 6.1973, 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, 142.3572, 21.1258, 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, 52.1976, 6.8142, 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, 49.3505, 6.444, 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, 49.3505, 6.444, 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, 52.1976, 20.879, 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, 316.7352, 96.148, 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, 37.9619, 9.4905, 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, 37.402, 5.2957, 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, 94.9048, 32.2866, 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, 98.701, 33.5773, 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, 69.4133, 41.6537, 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, 25.6528, -9.6613, 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, 94.9048, 18.981, 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, 9.3956, 1.6134, 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, 78.1636, 11.8726, 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, 4.6693, 1.1673, 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, 54.5987, 12.2427, 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, 94.9048, 5.941, 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, 47.4524, 32.2866, 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, 51.5333, 8.9211, 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, 9.016, 1.6134, 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, 227.8474, 47.4998, 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, 26.5733, 1.8981, 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, 104.3952, 34.1657, 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, 45.2031, 12.9165, 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, 66.4998, -2.012, 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, 7.1463, 1.7083, 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, 21.6383, 8.0669, 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, 58.822, 12.0434, 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, 73.0767, 12.7362, 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, 28.4714, 32.2866, 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, 54.0957, 18.0319, 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, 94.5536, 19.3416, 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, 8.1618, 1.1673, 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, 11.2557, 1.6798, 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, 81.7035, 5.5994, 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, 82.5671, 20.5943, 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, 35.1148, 7.7822, 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, 53.811, 21.5244, 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, 66.4333, 23.2517, 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, 107.622, 21.5244, 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, 50.6791, 13.1918, 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, 118.7543, -3.4261, 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, 24.5139, 7.934, 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, 32.1537, 10.3351, 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, 52.1976, 23.6787, 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, 197.4019, 48.3635, 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, 62.5422, -39.9549, 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, 71.5297, 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, 65.8259, 24.7796, 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, 104.3952, 6.5294, 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, 55.4339, 20.0439, 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, 31.5084, 9.2058, 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, 158.1208, 24.5803, 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, 84.75, 8.9211, 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, 99.2894, 24.0868, 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, 229.6695, 72.0327, 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, 56.9524, 9.7752, 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, 141.6359, 11.0564, 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, 53.811, 21.5244, 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, 148.7158, 23.1568, 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, 140.8387, 23.0619, 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, 181.0783, 60.3594, 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, 70.6091, -0.8541, 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, 154.0304, 41.9479, 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, 126.7358, 30.8915, 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, 6.5105, 1.1863, 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, 36.6522, 11.3221, 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, 126.2233, 18.0319, 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, 94.9048, 6.1973, 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, 21.2587, 6.9281, 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, 164.9824, 10.0599, 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, 207.8604, 24.1817, 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, 17.7472, 6.3586, 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, 45.4594, 20.0249, 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, 276.7423, 111.7219, 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, 184.9694, 35.0199, 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, 70.2295, 24.6752, 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, 113.8952, 42.0713, 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, 149.3896, 58.5657, 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, 118.631, 14.4255, 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, 52.2925, 24.4854, 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, 110.9437, 18.8861, 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, 101.9277, 32.5523, 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, 102.4022, 24.2956, 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, 35.874, 6.0739, 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, 164.1852, 48.4963, 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, 118.3462, 14.5109, 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, 130.8737, 4.4415, 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, 76.2939, 13.6188, 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, 44.1592, 13.6758, 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, 103.9777, 16.1813, 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, 91.2984, 9.3007, 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, 170.1642, 28.5663, 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, 75.9238, 24.2956, 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, 106.2933, 2.8471, 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, 111.1335, 22.0179, 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, 123.2813, -17.0734, 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, 14.1123, 3.2552, 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, 123.3762, 18.981, 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, 300.3736, 58.841, 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, 93.5002, 11.5594, 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, 78.211, 15.1753, 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, 231.3683, 80.4318, 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, 105.1545, 20.4045, 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, 52.9284, 10.7527, 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, 101.2634, 28.1867, 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, 157.5419, 24.6752, 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, 147.9565, 28.6612, 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, 103.4462, 11.7682, 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, 188.5378, 35.1812, 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, 254.4397, 58.4613, 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, 129.0041, 56.3545, 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, 90.8239, 29.5154, 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, 177.4719, 45.0798, 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, 98.8908, 25.3396, 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, 52.7671, 19.8351, 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, 80.2894, 16.7981, 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, 135.1444, 41.5683, 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, 123.1864, -14.1978, 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, 132.1074, 43.5613, 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, 10.7622, 3.9101, 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, 97.5621, 38.6262, 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, 92.9118, 32.3625, 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, 96.9832, 21.0878, 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, 179.7686, 51.3625, 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, 215.1396, 75.4113, 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, 156.0709, 15.7637, 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, 312.9675, 100.5991, 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, 73.238, 2.8187, 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, 75.9902, 26.3835, 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, 362.726, 64.82, 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, 286.6124, 39.86, 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, 31.4135, 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, 365.3834, 83.5162, 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, 117.3403, 35.8076, 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, 232.697, 73.1811, 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, 288.8901, 45.0798, 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, 151.6578, 41.1887, 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, 170.0599, 16.9785, 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, 15.422, 6.1213, 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, 130.0195, 31.3186, 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.7308, 2.3253, 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, 114.3033, 32.9414, 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, 204.6147, 6.2637, 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, 85.4143, 21.8281, 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, 130.5035, 42.2326, 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, 101.8328, 11.6733, 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, 196.5478, 39.6702, 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, 65.6741, 15.1848, 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, 37.3925, 21.4485, 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, 49.4454, 11.009, 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, 74.1206, 21.3536, 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, 250.169, 39.1957, 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, 176.0863, 21.42, 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, 113.6959, 9.7752, 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, 41.7581, 3.8911, 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, 167.8865, 41.1887, 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, 82.3773, 17.0829, 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, 100.675, 26.2507, 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, 192.8655, 14.8051, 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, 195.5038, 32.2676, 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, 151.4111, 36.4245, 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, 306.0679, 78.2964, 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, 207.3669, 77.3474, 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, 233.4657, 4.8401, 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, 197.1172, 31.9829, 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, 241.4377, 70.4193, 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, 73.1336, 16.1908, 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, 121.4971, 18.8481, 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, 122.0475, 46.9778, 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, 170.8286, 31.5084, 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, 208.7905, 46.9779, 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, 207.4618, 50.2995, 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, 92.6271, 10.3446, 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, 135.4291, 9.5854, 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, 140.8387, 40.2396, 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, 170.3541, -3.1603, 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, 230.6186, 27.5224, 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, 265.0121, 64.4498, 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, 56.7531, 15.498, 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, 120.121, 28.424, 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, 248.138, 39.1862, 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, 55.0448, 15.1848, 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, 251.4976, 88.2614, 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, 36.0638, 7.5924, 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, 149.3801, 56.753, 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, 54.3804, 17.3676, 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, 158.9655, 62.827, 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, 60.5492, 28.5663, 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, 68.0467, 11.2937, 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, 73.2665, 21.2587, 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, 30.4644, 8.2567, 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, 202.9064, 67.0977, 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, 108.7609, 30.5593, 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, 77.1576, 22.2077, 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, 305.5934, 100.1245, 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, 78.771, 33.2167, 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, 47.4524, 6.1973, 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, 128.0265, 26.9529, 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, 140.1554, 20.6323, 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, 132.3922, 19.6453, 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, 172.7267, 78.771, 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, 199.3, 79.72, 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, 98.2264, 9.2058, 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, 0.0736, 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, 11.7048, 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, 2.9572, 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, 2.4373, 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, 4.0253, 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, 3.7195, 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, 4.3356, 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, 13.527000000000001,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, 12.1741, 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, 0.6723, 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, 12.68, 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, 5.3423, 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, 12.012, 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, 14.4696, 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, 27.6247, 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, 16.2047, 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, 11.3987, 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, 0.0945, 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, 14.647, 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, 1.8123, 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, 13.527000000000001,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, 15.4612, 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, 3.2883, 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, 0.11900000000000001,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, 0.3071, 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, 2.6442, 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, 5.6306, 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, 6.7699, 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, 6.7699, 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, 5.3978, 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, 15.6416, 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, 5.347, 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, 13.2494, 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, 14.7522, 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, 0.9816, 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, 1.9669, 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, 27.5932, 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, 24.8643, 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 | [
"[email protected]"
] | |
f90e35118bc900eb7fd7bae46ae226fb1c0c5d5b | 18fd2d9e1d191fef2f5f91150e02e28968c2e648 | /acousticsim/analysis/praat/wrapper.py | 281cac24338bbe9c2b0d64f529a1ec4c09a2873d | [
"MIT"
] | permissive | JoFrhwld/python-acoustic-similarity | 8f69366f1d8d019d7a6e8ebc489f54817f9640a3 | 50f71835532010b2fedf14b0ca3a52d88a9ab380 | refs/heads/master | 2021-01-21T12:49:36.635149 | 2017-05-15T23:38:28 | 2017-05-15T23:38:28 | 91,800,742 | 5 | 2 | null | 2017-05-19T11:50:00 | 2017-05-19T11:50:00 | null | UTF-8 | Python | false | false | 1,721 | py |
import os
from subprocess import Popen, PIPE
import re
from acousticsim.exceptions import AcousticSimPraatError
def run_script(praat_path, script_path, *args):
com = [praat_path]
if praat_path.endswith('con.exe'):
com += ['-a']
com +=[script_path] + list(map(str,args))
err = ''
text = ''
with Popen(com, stdout=PIPE, stderr=PIPE, stdin=PIPE) as p:
try:
text = str(p.stdout.read().decode('latin'))
err = str(p.stderr.read().decode('latin'))
except UnicodeDecodeError:
print(p.stdout.read())
print(p.stderr.read())
if (err and not err.strip().startswith('Warning')) or not text:
print(args)
raise(AcousticSimPraatError(err))
return text
def read_praat_out(text):
if not text:
return None
lines = text.splitlines()
head = None
while head is None:
try:
l = lines.pop(0)
except IndexError:
print(text)
raise
if l.startswith('time'):
head = re.sub('[(]\w+[)]','',l)
head = head.split("\t")[1:]
output = {}
for l in lines:
if '\t' in l:
line = l.split("\t")
time = line.pop(0)
values = {}
for j in range(len(line)):
v = line[j]
if v != '--undefined--':
try:
v = float(v)
except ValueError:
print(text)
print(head)
else:
v = 0
values[head[j]] = v
if values:
output[float(time)] = values
return output
| [
"[email protected]"
] | |
28f9e049ec91d5c2e0ec93c0191bb5cc0c0a637a | d52413173437ba73ecdf822ca895e659f00a8ce7 | /kiwibackend/doc/python/PBMailOperationMessage_PBRequest.py | f070f6913cf1cd1e944af7681f07a4ce67799865 | [] | no_license | whiteprism/mywork | 2329b3459c967c079d6185c5acabd6df80cab8ea | a8e568e89744ca7acbc59e4744aff2a0756d7252 | refs/heads/master | 2021-01-21T11:15:49.090408 | 2017-03-31T03:28:13 | 2017-03-31T03:28:13 | 83,540,646 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 139 | py | class PBMailOperationMessage_PBRequest():
def __init__(self):
self.category = -1
self.ids = []
self._type = -1
| [
"[email protected]"
] | |
254cfb11f499f91c88e065d67f9d232f7e5373f5 | e3372811e34edd1f8d79b2a858c5c92c3e6ef187 | /tools/infer_simple.py | b700782f5aa69a983dbdb8ddf3edb90dff12e94e | [] | no_license | zhangjunyi1225054736/--object-detection | 632481351246acaef6b0cc6aa71962c318d46a8a | d99f6f57cdb457ec3f2df489addfde43ab2910fc | refs/heads/master | 2020-05-29T21:22:28.211748 | 2019-06-06T13:08:52 | 2019-06-06T13:08:52 | 189,377,904 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 7,301 | py | from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import argparse
import distutils.util
import os
import sys
import pprint
import subprocess
from collections import defaultdict
from six.moves import xrange
# Use a non-interactive backend
import matplotlib
matplotlib.use('Agg')
import numpy as np
import cv2
import torch
import torch.nn as nn
from torch.autograd import Variable
import _init_paths
import nn as mynn
from core.config import cfg, cfg_from_file, cfg_from_list, assert_and_infer_cfg
from core.test import im_detect_all
from modeling.model_builder import Generalized_RCNN
import datasets.dummy_datasets as datasets
import utils.misc as misc_utils
import utils.net as net_utils
import utils.vis as vis_utils
from utils.detectron_weight_helper import load_detectron_weight
from utils.timer import Timer
# OpenCL may be enabled by default in OpenCV3; disable it because it's not
# thread safe and causes unwanted GPU memory allocations.
cv2.ocl.setUseOpenCL(False)
import json
source_365 = "/mnt/md126/zhangjunyi/365-object-detection/objects365_json/objects365_Tiny_val.json"
result = []
def write_to_json(cls_boxes,image_name):
image_id = image_name.split("_")[2].split(".")[0]
image_id = int(image_id)
with open(source_365, 'r') as f:
data = json.load(f)
categories = data["categories"]
#result = []
id_list = []
for i in categories:
category_id = i["id"]
id_list.append(category_id)
#print("id_list:",id_list)
#print(len(cls_boxes))
#exit()
#return 1
for j in range(1,len(cls_boxes)):
category_id = id_list[j-1]
if len(cls_boxes[j]) != 0:
for line in cls_boxes[j]:
d = {}
x = round(float(line[0]),1)
y = round(float(line[1]),1)
w = round((float(line[2]) - float(line[0])),1)
h = round((float(line[3]) - float(line[1])),1)
bbox = [x,y,w,h]
score = round(float(line[4]),2)
d["image_id"] = image_id
d["category_id"] = category_id
d["bbox"] = bbox
d["score"] = score
result.append(d)
else:
pass
#f_json = open('result.json','w',encoding='utf-8')
#str_json=json.dump(result,f_json)
return result
def parse_args():
"""Parse in command line arguments"""
parser = argparse.ArgumentParser(description='Demonstrate mask-rcnn results')
parser.add_argument(
'--dataset', required=True,
help='training dataset')
parser.add_argument(
'--cfg', dest='cfg_file', required=True,
help='optional config file')
parser.add_argument(
'--set', dest='set_cfgs',
help='set config keys, will overwrite config in the cfg_file',
default=[], nargs='+')
parser.add_argument(
'--no_cuda', dest='cuda', help='whether use CUDA', action='store_false')
parser.add_argument('--load_ckpt', help='path of checkpoint to load')
parser.add_argument(
'--load_detectron', help='path to the detectron weight pickle file')
parser.add_argument(
'--image_dir',
help='directory to load images for demo')
parser.add_argument(
'--images', nargs='+',
help='images to infer. Must not use with --image_dir')
parser.add_argument(
'--output_dir',
help='directory to save demo results',
default="infer_outputs")
parser.add_argument(
'--merge_pdfs', type=distutils.util.strtobool, default=True)
args = parser.parse_args()
return args
def main():
"""main function"""
if not torch.cuda.is_available():
sys.exit("Need a CUDA device to run the code.")
args = parse_args()
print('Called with args:')
print(args)
assert args.image_dir or args.images
assert bool(args.image_dir) ^ bool(args.images)
if args.dataset.startswith("coco"):
dataset = datasets.get_coco_dataset()
cfg.MODEL.NUM_CLASSES = 66
elif args.dataset.startswith("keypoints_coco"):
dataset = datasets.get_coco_dataset()
cfg.MODEL.NUM_CLASSES = 2
else:
raise ValueError('Unexpected dataset name: {}'.format(args.dataset))
print('load cfg from file: {}'.format(args.cfg_file))
cfg_from_file(args.cfg_file)
if args.set_cfgs is not None:
cfg_from_list(args.set_cfgs)
assert bool(args.load_ckpt) ^ bool(args.load_detectron), \
'Exactly one of --load_ckpt and --load_detectron should be specified.'
cfg.MODEL.LOAD_IMAGENET_PRETRAINED_WEIGHTS = False # Don't need to load imagenet pretrained weights
assert_and_infer_cfg()
maskRCNN = Generalized_RCNN()
if args.cuda:
maskRCNN.cuda()
if args.load_ckpt:
load_name = args.load_ckpt
print("loading checkpoint %s" % (load_name))
checkpoint = torch.load(load_name, map_location=lambda storage, loc: storage)
net_utils.load_ckpt(maskRCNN, checkpoint['model'])
if args.load_detectron:
print("loading detectron weights %s" % args.load_detectron)
load_detectron_weight(maskRCNN, args.load_detectron)
maskRCNN = mynn.DataParallel(maskRCNN, cpu_keywords=['im_info', 'roidb'],
minibatch=True, device_ids=[0]) # only support single GPU
maskRCNN.eval()
if args.image_dir:
imglist = misc_utils.get_imagelist_from_dir(args.image_dir)
else:
imglist = args.images
num_images = len(imglist)
print("num_images:", num_images)
if not os.path.exists(args.output_dir):
os.makedirs(args.output_dir)
img_list = open("/mnt/md126/zhangjunyi/365-object-detection/VOC2007/ImageSets/Main/test.txt")
lines = img_list.readlines()
for i in xrange(len(lines)):
print('img', i)
path_dir = "/mnt/md126/zhangjunyi/365-object-detection/VOC2007/JPEGImages/"
print(lines[i].strip())
im = cv2.imread(path_dir+lines[i].strip())
assert im is not None
timers = defaultdict(Timer)
cls_boxes, cls_segms, cls_keyps = im_detect_all(maskRCNN, im, timers=timers)
write_to_json(cls_boxes, lines[i].strip())
f_json = open('result.json','w',encoding='utf-8')
str_json=json.dump(result,f_json)
#print("cls_boxes:", np.array(cls_boxes)[1].shape)
#im_name, _ = os.path.splitext(os.path.basename(imglist[i]))
'''
vis_utils.vis_one_image(
im[:, :, ::-1], # BGR -> RGB for visualization
im_name,
args.output_dir,
cls_boxes,
cls_segms,
cls_keyps,
dataset=dataset,
box_alpha=0.3,
show_class=True,
thresh=0.7,
kp_thresh=2
)
'''
if args.merge_pdfs and num_images > 1:
merge_out_path = '{}/results.pdf'.format(args.output_dir)
if os.path.exists(merge_out_path):
os.remove(merge_out_path)
command = "pdfunite {}/*.pdf {}".format(args.output_dir,
merge_out_path)
subprocess.call(command, shell=True)
if __name__ == '__main__':
main()
| [
"[email protected]"
] | |
ff3b8c788d9f8fb092eb5e9315de1af5c03c17ca | c259bd9e4a570a1fa37949655530d778e5f5c46d | /mysite/.history/api/views_20211014221913.py | 04b9cb96204ba7896ab0e5bc6b0b85d122af5423 | [] | no_license | ritikalohia/django-rest-students | 0cc56f435b7b2af881adfd7cace54eef98213c57 | ca5f9f466fcd74fef8ce91f019bcb6e7d83c8e20 | refs/heads/main | 2023-08-15T21:51:18.988691 | 2021-10-14T18:19:04 | 2021-10-14T18:19:04 | 417,219,011 | 3 | 0 | null | null | null | null | UTF-8 | Python | false | false | 2,259 | py | from django.shortcuts import render
# Create your views here.
from rest_framework.decorators import api_view
from rest_framework.response import Response
from .serializers import NoteSerializer
from .models import Student
from api import serializers
@api_view(['GET'])
def getRoutes(request):
routes = [
{
'Endpoint': '/students/',
'method': 'GET',
'body': None,
'description': 'Returns an array of notes'
},
{
'Endpoint': '/students/id',
'method': 'GET',
'body': None,
'description': 'Returns a single note object'
},
{
'Endpoint': '/students/create/',
'method': 'POST',
'body': {'body': ""},
'description': 'Creates a new note with data sent in post req'
},
{
'Endpoint': '/students/id/update/',
'method': 'PUT',
'body': {'body': ""},
'description': 'Updates an existing note with data sent in post req'
},
{
'Endpoint': '/students/id/delete/',
'method': 'DELETE',
'body': None,
'description': 'Deletes the existing node'
}
]
return Response(routes)
@api_view(['GET'])
def getNotes(request):
notes = Student.objects.all()
serializer = NoteSerializer(notes, many=True)
return Response(serializer.data)
@api_view(['GET'])
def getNote(request, pk):
note = Student.objects.get(id=pk)
serializer = NoteSerializer(note, many=False)
return Response(serializer.data)
@api_view(['POST'])
def createNote(request):
data = request.data
note = Student.objects.create(
body=data['body']
)
serializer = NoteSerializer(note, many=False)
return Response(serializer.data)
@api_view(['PUT'])
def updateNote(request, pk):
data = request.data
note = Student.objects.get(id=pk)
serializer = NoteSerializer(note, data=request.data)
if serializer.is_valid():
serializer.save()
return Response(serializer.data)
@api_view(['DELETE'])
def deleteNote(request, pk):
note = Note.objects.get(id=pk)
note.delete()
return Response("Note was deleted") | [
"[email protected]"
] | |
e03958b15c21ba4d88cb19941e55e1bc98cd51b9 | 3117c5e4a69b8486697c589ab3a033353be29f06 | /sRNAtoolboxweb/setup.py | fccede6fdb81e7f682d6f6ecc24eac6bafc6499d | [] | no_license | sert23/toolbox | 963f301e1af883a55dc11db9ac6372023d85de91 | a9af88a3164c5a6b5ace6a84a6b95d63265edf99 | refs/heads/master | 2023-09-01T01:46:05.808848 | 2021-11-19T16:41:25 | 2021-11-19T16:41:25 | 89,683,230 | 1 | 7 | null | 2022-12-26T19:46:46 | 2017-04-28T08:04:16 | Python | UTF-8 | Python | false | false | 1,113 | py | import os
from setuptools import find_packages, setup
# allow setup.py to be run from any path
os.chdir(os.path.normpath(os.path.join(os.path.abspath(__file__), os.pardir)))
setup(
name='srnatoolboxweb',
version='2.0.0',
packages=find_packages(),
python_modules=['manage'],
include_package_data=True,
description='sRNAtoolbox Web Application',
author='Antonio Rueda, Ernesto Aparicio',
author_email='[email protected]',
classifiers=[
'Environment :: Other Environment',
'Framework :: Django',
'Framework :: Django :: 1.11.2',
'Intended Audience :: Other Audience',
'License :: Other/Proprietary License',
'Operating System :: OS Independent',
'Programming Language :: Python',
'Programming Language :: Python :: 2.7',
'Topic :: Scientific/Engineering',
],
install_requires=[
"Django==1.11.2",
"pytz==2017.2",
"wheel==0.24.0",
"dajax==1.3",
"xlrd==1.0.0",
"pygal==2.3.1",
"djangorestframework==3.6.3",
"django-tables2=1.7.1"
]
) | [
"[email protected]"
] | |
a5e14ad2c061f0da44911042f3f9e6acc294beed | 97dfe708031ce9d52c3309b41a8c458d7846096c | /setup.py | 0ca4d1e6521e23a70ad2dd4b4444b1d1c1098d50 | [] | no_license | trainapi/trainxtract | 2af79a9dbb7a35a374934d1968591c32fbb23f0b | f5c5078a20c702d0399906bbb3c07f61058a1c72 | refs/heads/master | 2021-08-19T07:42:26.091190 | 2017-11-25T08:02:44 | 2017-11-25T08:02:44 | 111,971,553 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 463 | py | from setuptools import setup, find_packages
import itertools
options = dict(
name='trainxtract',
version='0.0.1',
packages=find_packages(),
license='MIT',
install_requires = ['pandas', 'click'],
entry_points = {
'console_scripts' : [
'trainxtract = trainxtract:run_app',
'trainxtract-help = trainxtract:run_help',
'trainxtract-final = trainxtract:run_final'
]
}
)
setup(**options)
| [
"[email protected]"
] | |
e94bbb6a791401e2764951035b0805e4e59c5088 | e38f7b5d46fd8a65c15e49488fc075e5c62943c9 | /pychron/hardware/tasks/hardware_preferences.py | dc6f92027d74b684f471ec51b37f7c612eac702b | [] | no_license | INGPAN/pychron | 3e13f9d15667e62c347f5b40af366096ee41c051 | 8592f9fc722f037a61b0b783d587633e22f11f2f | refs/heads/master | 2021-08-15T00:50:21.392117 | 2015-01-19T20:07:41 | 2015-01-19T20:07:41 | 111,054,121 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 3,953 | py | #===============================================================================
# Copyright 2013 Jake Ross
#
# 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.
#===============================================================================
#============= enthought library imports =======================
from traits.api import Bool, List, on_trait_change, String, Dict
from traitsui.api import View, Item, Group, VGroup, HGroup, EnumEditor
from pychron.envisage.tasks.base_preferences_helper import BasePreferencesHelper
from envisage.ui.tasks.preferences_pane import PreferencesPane
#============= standard library imports ========================
#============= local library imports ==========================
class HardwarePreferences(BasePreferencesHelper):
name = 'Hardware'
preferences_path = 'pychron.hardware'
enable_hardware_server = Bool
auto_find_handle = Bool
auto_write_handle = Bool
system_lock_name = String
system_lock_address = String
enable_system_lock = Bool
system_lock_names = List
system_lock_addresses = Dict
# enable_directory_server = Bool
# directory_server_host = Str
# directory_server_port = Int
# directory_server_root = Str
@on_trait_change('system_lock_name,enable_system_lock')
def _update(self, obj, name, new):
try:
addr = self.system_lock_addresses[self.system_lock_name]
except (TypeError, KeyError):
return
self.system_lock_address = addr
class HardwarePreferencesPane(PreferencesPane):
model_factory = HardwarePreferences
category = 'Hardware'
def traits_view(self):
v = View(
VGroup(
Group(
HGroup('enable_hardware_server', Item('enable_system_lock', enabled_when='enable_hardware_server')),
# Group(
# Item('system_lock_name', editor=EnumEditor(values=self.system_lock_names),
# enabled_when='enable_system_lock'),
# Item('system_lock_address', style='readonly', label='Host'),
# enabled_when='enable_hardware_server'),
label='Remote Hardware Server',
show_border=True
),
# Group(
# Item('enable_directory_server'),
# Item('directory_server_root', enabled_when='enable_directory_server'),
# Item('directory_server_host', enabled_when='enable_directory_server'),
# Item('directory_server_port', enabled_when='enable_directory_server'),
# show_border=True,
# label='Directory Server'
# ),
Group(
'auto_find_handle',
Item('auto_write_handle', enabled_when='auto_find_handle'),
label='Serial',
show_border=True
),
),
scrollable=True
)
return v
#============= EOF =============================================
| [
"[email protected]"
] | |
ee6e0078648f5af14f5e6850f8790d9047604a60 | 6fa701cdaa0d83caa0d3cbffe39b40e54bf3d386 | /google/ads/googleads/v8/googleads-py/google/ads/googleads/v8/services/types/keyword_plan_ad_group_service.py | 00babde924868763787da18ec7df0fa0a2c36c13 | [
"Apache-2.0"
] | permissive | oltoco/googleapis-gen | bf40cfad61b4217aca07068bd4922a86e3bbd2d5 | 00ca50bdde80906d6f62314ef4f7630b8cdb6e15 | refs/heads/master | 2023-07-17T22:11:47.848185 | 2021-08-29T20:39:47 | 2021-08-29T20:39:47 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 5,844 | py | # -*- coding: utf-8 -*-
# Copyright 2020 Google LLC
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# 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 proto # type: ignore
from google.ads.googleads.v8.resources.types import keyword_plan_ad_group
from google.protobuf import field_mask_pb2 # type: ignore
from google.rpc import status_pb2 # type: ignore
__protobuf__ = proto.module(
package='google.ads.googleads.v8.services',
marshal='google.ads.googleads.v8',
manifest={
'GetKeywordPlanAdGroupRequest',
'MutateKeywordPlanAdGroupsRequest',
'KeywordPlanAdGroupOperation',
'MutateKeywordPlanAdGroupsResponse',
'MutateKeywordPlanAdGroupResult',
},
)
class GetKeywordPlanAdGroupRequest(proto.Message):
r"""Request message for
[KeywordPlanAdGroupService.GetKeywordPlanAdGroup][google.ads.googleads.v8.services.KeywordPlanAdGroupService.GetKeywordPlanAdGroup].
Attributes:
resource_name (str):
Required. The resource name of the Keyword
Plan ad group to fetch.
"""
resource_name = proto.Field(
proto.STRING,
number=1,
)
class MutateKeywordPlanAdGroupsRequest(proto.Message):
r"""Request message for
[KeywordPlanAdGroupService.MutateKeywordPlanAdGroups][google.ads.googleads.v8.services.KeywordPlanAdGroupService.MutateKeywordPlanAdGroups].
Attributes:
customer_id (str):
Required. The ID of the customer whose
Keyword Plan ad groups are being modified.
operations (Sequence[google.ads.googleads.v8.services.types.KeywordPlanAdGroupOperation]):
Required. The list of operations to perform
on individual Keyword Plan ad groups.
partial_failure (bool):
If true, successful operations will be
carried out and invalid operations will return
errors. If false, all operations will be carried
out in one transaction if and only if they are
all valid. Default is false.
validate_only (bool):
If true, the request is validated but not
executed. Only errors are returned, not results.
"""
customer_id = proto.Field(
proto.STRING,
number=1,
)
operations = proto.RepeatedField(
proto.MESSAGE,
number=2,
message='KeywordPlanAdGroupOperation',
)
partial_failure = proto.Field(
proto.BOOL,
number=3,
)
validate_only = proto.Field(
proto.BOOL,
number=4,
)
class KeywordPlanAdGroupOperation(proto.Message):
r"""A single operation (create, update, remove) on a Keyword Plan
ad group.
Attributes:
update_mask (google.protobuf.field_mask_pb2.FieldMask):
The FieldMask that determines which resource
fields are modified in an update.
create (google.ads.googleads.v8.resources.types.KeywordPlanAdGroup):
Create operation: No resource name is
expected for the new Keyword Plan ad group.
update (google.ads.googleads.v8.resources.types.KeywordPlanAdGroup):
Update operation: The Keyword Plan ad group
is expected to have a valid resource name.
remove (str):
Remove operation: A resource name for the removed Keyword
Plan ad group is expected, in this format:
``customers/{customer_id}/keywordPlanAdGroups/{kp_ad_group_id}``
"""
update_mask = proto.Field(
proto.MESSAGE,
number=4,
message=field_mask_pb2.FieldMask,
)
create = proto.Field(
proto.MESSAGE,
number=1,
oneof='operation',
message=keyword_plan_ad_group.KeywordPlanAdGroup,
)
update = proto.Field(
proto.MESSAGE,
number=2,
oneof='operation',
message=keyword_plan_ad_group.KeywordPlanAdGroup,
)
remove = proto.Field(
proto.STRING,
number=3,
oneof='operation',
)
class MutateKeywordPlanAdGroupsResponse(proto.Message):
r"""Response message for a Keyword Plan ad group mutate.
Attributes:
partial_failure_error (google.rpc.status_pb2.Status):
Errors that pertain to operation failures in the partial
failure mode. Returned only when partial_failure = true and
all errors occur inside the operations. If any errors occur
outside the operations (e.g. auth errors), we return an RPC
level error.
results (Sequence[google.ads.googleads.v8.services.types.MutateKeywordPlanAdGroupResult]):
All results for the mutate. The order of the
results is determined by the order of the
keywords in the original request.
"""
partial_failure_error = proto.Field(
proto.MESSAGE,
number=3,
message=status_pb2.Status,
)
results = proto.RepeatedField(
proto.MESSAGE,
number=2,
message='MutateKeywordPlanAdGroupResult',
)
class MutateKeywordPlanAdGroupResult(proto.Message):
r"""The result for the Keyword Plan ad group mutate.
Attributes:
resource_name (str):
Returned for successful operations.
"""
resource_name = proto.Field(
proto.STRING,
number=1,
)
__all__ = tuple(sorted(__protobuf__.manifest))
| [
"bazel-bot-development[bot]@users.noreply.github.com"
] | bazel-bot-development[bot]@users.noreply.github.com |
760d6d158cc7cb0dbb7d6a1b679e2e04aef1b9cf | 13faa0d553ed6c6a57791db3dfdb2a0580a1695b | /codeforces/509-B/509-B-9647351.py | cc802213c7c9331abad058b7e8f889c9c36ca6d2 | [] | no_license | kautsiitd/Competitive_Programming | ba968a4764ba7b5f2531d03fb9c53dc1621c2d44 | a0d8ae16646d73c346d9ce334e5b5b09bff67f67 | refs/heads/master | 2021-01-17T13:29:52.407558 | 2017-10-01T09:58:23 | 2017-10-01T09:58:23 | 59,496,650 | 0 | 0 | null | 2017-05-20T17:27:18 | 2016-05-23T15:56:55 | HTML | UTF-8 | Python | false | false | 287 | py | n,k=map(int,raw_input().split())
a=map(int,raw_input().split())
l=min(a)
if(max(a)-min(a)>k):
print "NO"
else:
print "YES"
for i in range(n):
for j in range(l):
print 1,
for j in range(l,a[i]):
print j-l+1,
print "" | [
"[email protected]"
] | |
857bfc2483daf1a2e52e74bddecde55c78c698f1 | 334d0a4652c44d0c313e11b6dcf8fb89829c6dbe | /checkov/dockerfile/checks/RootUser.py | 8989d2c4ec635876e77148d43dddbbd0dbf81b70 | [
"Apache-2.0"
] | permissive | schosterbarak/checkov | 4131e03b88ae91d82b2fa211f17e370a6f881157 | ea6d697de4de2083c8f6a7aa9ceceffd6b621b58 | refs/heads/master | 2022-05-22T18:12:40.994315 | 2022-04-28T07:44:05 | 2022-04-28T07:59:17 | 233,451,426 | 0 | 0 | Apache-2.0 | 2020-03-23T12:12:23 | 2020-01-12T20:07:15 | Python | UTF-8 | Python | false | false | 723 | py | from checkov.common.models.enums import CheckCategories, CheckResult
from checkov.dockerfile.base_dockerfile_check import BaseDockerfileCheck
class RootUser(BaseDockerfileCheck):
def __init__(self):
name = "Ensure the last USER is not root"
id = "CKV_DOCKER_8"
supported_instructions = ["USER"]
categories = [CheckCategories.APPLICATION_SECURITY]
super().__init__(name=name, id=id, categories=categories, supported_instructions=supported_instructions)
def scan_entity_conf(self, conf):
last_user = conf[-1]
if last_user["value"] == "root":
return CheckResult.FAILED, last_user
return CheckResult.PASSED, last_user
check = RootUser()
| [
"[email protected]"
] | |
3d71477099cbc4b93820335d2b9ffb4a7e41a779 | 9972675f285280948dd6becc466bc2f2d7efee8a | /swea/tree/practice/hip.py | 3c7f86ee2afdab51a626dd8238d055f109a873ee | [] | no_license | dowookims/ProblemSolving | 308793055e8c1c247b7e00cb89d954d9a5eacf25 | 2183965b222afc7b5b316b9f53b04119384f8b24 | refs/heads/master | 2020-04-23T13:02:47.548120 | 2019-04-04T09:02:52 | 2019-04-04T09:02:52 | 171,189,025 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 823 | py | '''
선형 자료구조에서 priority queue 는 선형 자료에서 O(n^2)를 차지해서 이를 대체하기 위해 나온데 힙
힙은 두가지 조건이 맞춰줘야 하는데
1. 구조적인 모습이 완전 이진트리여야 함(앞에서부터 완전히 채워져야 함)
2. 내부 논리 모습은 부모의 노드가 자식보다 항상 크거나 작아야 함(일관성)
최대 힙 : 키 값이 가장 큰 노드를 찾기 위한 완전이진트리
루트가 가장 큰 값을 가지고 있음.
최소 힙 : 최대 힙의 반대
삽입, 삭제가 존재하고, 구조를 유지시켜주게 만들어야 하는게 개발자의 숙명
힙은 프라이어티를 사용하기 위해 사용( Max, Min) 그리고 이제 루트에 있음.
그렇기에 삭제를 루트에서 진행함.
''' | [
"[email protected]"
] | |
988d982f36e8a57ee5970b6516e61e75ee50e644 | 7f5a302eb7d93dc528f5c3a39d74f98995babbe4 | /simplemoc/urls.py | eb8ee858fffb3a085d38a3d2fa2efe50e68cb49b | [] | no_license | dennyerikson/simplemoc | d03a11eb63959890648c5801df3bb8a93cb1b490 | e4199dab66e3cbe23d39765b30dcd79d5eae31bb | refs/heads/master | 2020-03-23T22:54:00.859623 | 2018-07-31T19:33:35 | 2018-07-31T19:33:35 | 142,205,234 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 905 | py | """simplemoc URL Configuration
The `urlpatterns` list routes URLs to views. For more information please see:
https://docs.djangoproject.com/en/1.9/topics/http/urls/
Examples:
Function views
1. Add an import: from my_app import views
2. Add a URL to urlpatterns: url(r'^$', views.home, name='home')
Class-based views
1. Add an import: from other_app.views import Home
2. Add a URL to urlpatterns: url(r'^$', Home.as_view(), name='home')
Including another URLconf
1. Import the include() function: from django.conf.urls import url, include
2. Add a URL to urlpatterns: url(r'^blog/', include('blog.urls'))
"""
from django.conf.urls import url, include
from django.contrib import admin
import simplemoc.core.views
urlpatterns = [
url(r'^', include('simplemoc.core.urls', namespace='core')),
# url(r'^', simplemoc.core.urls),
url(r'^admin/', admin.site.urls),
]
| [
"[email protected]"
] | |
94008038e6585d268e8b9b63aee85701c8d54241 | ca7aa979e7059467e158830b76673f5b77a0f5a3 | /Python_codes/p03035/s756178683.py | 4862307df990f7a47b56172da80c6d031f7cc917 | [] | 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 | 102 | py | A, B = map(int, input().split())
if A >= 13: print(B)
elif 6 <= A <= 12: print(B // 2)
else: print(0) | [
"[email protected]"
] | |
200263997717b99b17f743c02a8f34453f4f5c84 | a2d36e471988e0fae32e9a9d559204ebb065ab7f | /huaweicloud-sdk-waf/huaweicloudsdkwaf/v1/model/create_value_list_request_body.py | 4bc66144328d7383b9ed3acc25cc45db5dd9dbba | [
"Apache-2.0"
] | permissive | zhouxy666/huaweicloud-sdk-python-v3 | 4d878a90b8e003875fc803a61414788e5e4c2c34 | cc6f10a53205be4cb111d3ecfef8135ea804fa15 | refs/heads/master | 2023-09-02T07:41:12.605394 | 2021-11-12T03:20:11 | 2021-11-12T03:20:11 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 5,143 | py | # coding: utf-8
import re
import six
from huaweicloudsdkcore.utils.http_utils import sanitize_for_serialization
class CreateValueListRequestBody:
"""
Attributes:
openapi_types (dict): The key is attribute name
and the value is attribute type.
attribute_map (dict): The key is attribute name
and the value is json key in definition.
"""
sensitive_list = []
openapi_types = {
'name': 'str',
'type': 'str',
'values': 'list[str]',
'description': 'str'
}
attribute_map = {
'name': 'name',
'type': 'type',
'values': 'values',
'description': 'description'
}
def __init__(self, name=None, type=None, values=None, description=None):
"""CreateValueListRequestBody - a model defined in huaweicloud sdk"""
self._name = None
self._type = None
self._values = None
self._description = None
self.discriminator = None
self.name = name
self.type = type
if values is not None:
self.values = values
if description is not None:
self.description = description
@property
def name(self):
"""Gets the name of this CreateValueListRequestBody.
引用表名称,2-32位字符串组成
:return: The name of this CreateValueListRequestBody.
:rtype: str
"""
return self._name
@name.setter
def name(self, name):
"""Sets the name of this CreateValueListRequestBody.
引用表名称,2-32位字符串组成
:param name: The name of this CreateValueListRequestBody.
:type: str
"""
self._name = name
@property
def type(self):
"""Gets the type of this CreateValueListRequestBody.
引用表类型,参见枚举列表
:return: The type of this CreateValueListRequestBody.
:rtype: str
"""
return self._type
@type.setter
def type(self, type):
"""Sets the type of this CreateValueListRequestBody.
引用表类型,参见枚举列表
:param type: The type of this CreateValueListRequestBody.
:type: str
"""
self._type = type
@property
def values(self):
"""Gets the values of this CreateValueListRequestBody.
引用表的值
:return: The values of this CreateValueListRequestBody.
:rtype: list[str]
"""
return self._values
@values.setter
def values(self, values):
"""Sets the values of this CreateValueListRequestBody.
引用表的值
:param values: The values of this CreateValueListRequestBody.
:type: list[str]
"""
self._values = values
@property
def description(self):
"""Gets the description of this CreateValueListRequestBody.
引用表描述,最长128字符
:return: The description of this CreateValueListRequestBody.
:rtype: str
"""
return self._description
@description.setter
def description(self, description):
"""Sets the description of this CreateValueListRequestBody.
引用表描述,最长128字符
:param description: The description of this CreateValueListRequestBody.
:type: str
"""
self._description = description
def to_dict(self):
"""Returns the model properties as a dict"""
result = {}
for attr, _ in six.iteritems(self.openapi_types):
value = getattr(self, attr)
if isinstance(value, list):
result[attr] = list(map(
lambda x: x.to_dict() if hasattr(x, "to_dict") else x,
value
))
elif hasattr(value, "to_dict"):
result[attr] = value.to_dict()
elif isinstance(value, dict):
result[attr] = dict(map(
lambda item: (item[0], item[1].to_dict())
if hasattr(item[1], "to_dict") else item,
value.items()
))
else:
if attr in self.sensitive_list:
result[attr] = "****"
else:
result[attr] = value
return result
def to_str(self):
"""Returns the string representation of the model"""
import simplejson as json
if six.PY2:
import sys
reload(sys)
sys.setdefaultencoding("utf-8")
return json.dumps(sanitize_for_serialization(self), ensure_ascii=False)
def __repr__(self):
"""For `print`"""
return self.to_str()
def __eq__(self, other):
"""Returns true if both objects are equal"""
if not isinstance(other, CreateValueListRequestBody):
return False
return self.__dict__ == other.__dict__
def __ne__(self, other):
"""Returns true if both objects are not equal"""
return not self == other
| [
"[email protected]"
] | |
7c15b9536eb43122f435abd77e7f22404733fd0b | 9861218f60ab23d6ac3bc6b400c220abf4e64fb5 | /atividade_d/atividade 'd' lucas neves/q6.py | bf7faf95dd6744f9c3889cd5c8eea96d37cd1c16 | [] | no_license | rogeriosilva-ifpi/adsi-algoritmos-2016.1 | a0b0709eb783110a9b335c8364aa41ce4f90fb24 | 1714e2480b80e46be4d96049e878bf17b692320b | refs/heads/master | 2021-06-06T18:25:00.836715 | 2016-09-07T02:02:30 | 2016-09-07T02:02:30 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 289 | py | # Nao sao estas as questoes...
# -*- coding: utf-8 -8-
"""6. Leia uma velocidade em km/h, calcule e escreva esta velocidade em m/s. (Vm/s = Vkm/h / 3.6)"""
velokm = input("Insira um velocidade em k/h: ")
veloms = velokm / 3.6
print "%.1f km/h equivale a %.1f m/s" % (velokm, veloms) | [
"[email protected]"
] | |
3171446e524b21ed7612930789ea3980882ec432 | 45b0a75342b3af99039f7848f9556bcc5701ed16 | /setup.py | d03825defd08bac677de6254ed364bf9fd539856 | [
"BSD-3-Clause"
] | permissive | simodalla/pympa-affarigenerali-OLD | acb18e18e68716bde99ecc9dafa67724cce81970 | ab3c885d34a8eebcca76ccd62c3f559baede8c6d | refs/heads/master | 2020-06-05T18:50:54.156687 | 2014-11-15T07:50:10 | 2014-11-15T07:50:10 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,526 | py | #!/usr/bin/env python
# -*- coding: utf-8 -*-
import os
import sys
import organigrammi
try:
from setuptools import setup
except ImportError:
from distutils.core import setup
version = organigrammi.__version__
if sys.argv[-1] == 'publish':
os.system('python setup.py sdist upload')
print("You probably want to also tag the version now:")
print(" git tag -a %s -m 'version %s'" % (version, version))
print(" git push --tags")
sys.exit()
readme = open('README.rst').read()
history = open('HISTORY.rst').read().replace('.. :changelog:', '')
setup(
name='openpa-organigrammi',
version=version,
description="""Your project description goes here""",
long_description=readme + '\n\n' + history,
author='Simone Dalla',
author_email='[email protected]',
url='https://github.com/simodalla/openpa-organigrammi',
packages=[
'organigrammi',
],
include_package_data=True,
install_requires=[
],
license="BSD",
zip_safe=False,
keywords='openpa-organigrammi',
classifiers=[
'Development Status :: 2 - Pre-Alpha',
'Framework :: Django',
'Intended Audience :: Developers',
'License :: OSI Approved :: BSD License',
'Natural Language :: English',
'Programming Language :: Python :: 2',
'Programming Language :: Python :: 2.6',
'Programming Language :: Python :: 2.7',
'Programming Language :: Python :: 3',
'Programming Language :: Python :: 3.3',
],
) | [
"[email protected]"
] | |
c49023ff5224e1af90c7b2a2674dea123f28e695 | 30227ff573bcec32644fca1cca42ef4cdd612c3e | /leetcode/array_and_string/array/plus_one.py | 44d2298d96b9ab1d4be89d99d9d0bc0f3e2f88eb | [] | no_license | saurabh-pandey/AlgoAndDS | bc55864422c93e6c93b8432e483394f286ce8ef2 | dad11dedea9ceb4904d6c2dea801ce0172abfc81 | refs/heads/master | 2023-07-01T09:12:57.951949 | 2023-06-15T12:16:36 | 2023-06-15T12:16:36 | 88,239,921 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,690 | py | #URL: https://leetcode.com/explore/learn/card/array-and-string/201/introduction-to-array/1148/
#Description
"""
Given a non-empty array of decimal digits representing a non-negative integer, increment one to the
integer.
The digits are stored such that the most significant digit is at the head of the list, and each
element in the array contains a single digit.
You may assume the integer does not contain any leading zero, except the number 0 itself.
Example 1:
Input: digits = [1,2,3]
Output: [1,2,4]
Explanation: The array represents the integer 123.
Example 2:
Input: digits = [4,3,2,1]
Output: [4,3,2,2]
Explanation: The array represents the integer 4321.
Example 3:
Input: digits = [0]
Output: [1]
Constraints:
1 <= digits.length <= 100
0 <= digits[i] <= 9
"""
#TODO: Below method uses digit based addition. It would be worthwhile to try converting this list
# to number. Adding one to it and then returning the result as a list back. It would also be good to
# check which method would be faster
def plusOne(digits):
length = len(digits)
assert length > 0
plusOneDigits = []
carryForward = False
for i in range(length - 1, -1, -1):
d = digits[i]
newD = d
if i == length - 1:
newD += 1
if carryForward:
newD += 1
carryForward = False
if newD == 10:
carryForward = True
plusOneDigits.append(0)
else:
plusOneDigits.append(newD)
if carryForward:
plusOneDigits.append(1)
newLen = len(plusOneDigits)
for i in range(int(newLen/2)):
pairId = newLen - 1 - i
temp = plusOneDigits[i]
plusOneDigits[i] = plusOneDigits[pairId]
plusOneDigits[pairId] = temp
return plusOneDigits
| [
"[email protected]"
] | |
93be1cd42df6b6d7eb07e70bbcbcf046809e5ee2 | 8389edf9cef84ece5f94e92eee2e5efeab7fdd83 | /AmazonWishlistScraper/pipelines.py | 07d8b2d0af0c17bf494f389c4d078d97e66c9c98 | [
"MIT"
] | permissive | scotm/AmazonUKWishlistScraper | 7eb6d6f7d6e408852742a55e2eadb09a626e1e99 | 2bb95e31a3204d6a92fed35a71063a3ca9c3dd35 | refs/heads/master | 2020-12-25T15:28:57.233678 | 2016-09-05T11:29:31 | 2016-09-05T11:29:31 | 17,141,436 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 675 | py | # Define your item pipelines here
#
# Don't forget to add your pipeline to the ITEM_PIPELINES setting
# See: http://doc.scrapy.org/topics/item-pipeline.html
from scrapy.contrib.exporter import CsvItemExporter
def remove_goop(text):
return " ".join(text.split())
class AmazonCSVExport(CsvItemExporter):
fields_to_export = ["Title", "URL", "Amazon_Price", "Cheapest", "Cheapest_Condition", "Cheapest_Cost_Ratio", "Prime_Price", "Prime_Condition", "Prime_Cost_Ratio"]
class AmazonwishlistscraperPipeline(object):
def process_item(self, item, spider):
item["Prime_Condition"] = remove_goop(item["Prime_Condition"])
print item.keys()
return item | [
"[email protected]"
] | |
a9d2fa168a0a5f2ddd174dc041e5ce763e9f696c | 603284928313c2245b426ab66fff1c237019b55a | /2.78/Sets/toolplus_scene/ops_layer.py | ae6f94b1a86c2f57b404ca80b3d4f1cbc9a301ec | [] | no_license | Pumpkin-Studios/ToolPlus | d663239e61aa1a2676c14c8494c19e4d09de9ffc | fc59449c33358d1087fe798bbdae71cc7bf20778 | refs/heads/master | 2020-04-03T17:55:54.804723 | 2017-12-10T19:30:28 | 2017-12-10T19:30:28 | 155,464,330 | 1 | 0 | null | 2018-10-30T22:57:13 | 2018-10-30T22:26:52 | Python | UTF-8 | Python | false | false | 291,405 | 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 #####
# "Display Layers", by "author": "Vincent Gires",
# http://vincentgires.com/tools/blender/addons/display_layers/v012/display_layers.py
import bpy
from bpy import*
from bpy.props import *
bpy.types.Scene.tp_funcly_type = bpy.props.EnumProperty(
items = [("unhide", "(Un)Hide", "", "RESTRICT_VIEW_OFF", 1),
("apply", "Apply", "", "FILE_TICK", 2),
("remove", "Remove", "", "X", 3),
("render", "Render ", "", "RESTRICT_RENDER_OFF", 4),
("down", "Down", "", "TRIA_DOWN", 5),
("up", "UP", "", "TRIA_UP", 6)],
name = "Modifier Function Type",
default = "unhide",
description="modifier function type")
bpy.types.Scene.tp_modly_type = bpy.props.EnumProperty(
items = [("non", "NonModi", "", "MODIFIER", 0),
("wireframe", "Wireframe", "", "MOD_WIREFRAME", 1),
("triangulate", "Triangulate", "", "MOD_TRIANGULATE", 2),
("subsurf", "Subsurf", "", "MOD_SUBSURF", 3),
("solidify", "Solidify", "", "MOD_SOLIDIFY", 4),
("skin", "Skin", "", "MOD_SKIN", 5),
("screw", "Screw", "", "MOD_SCREW", 6),
("remesh", "Remesh", "", "MOD_REMESH", 7),
("multires", "Multires", "", "MOD_MULTIRES", 8),
("mirror", "Mirror", "", "MOD_MIRROR", 9),
("mask", "Mask", "", "MOD_MASK", 10),
("edge_split", "Edge Split", "", "MOD_EDGESPLIT", 11),
("decimate", "Decimate", "", "MOD_DECIM", 12),
("build", "Build", "", "MOD_BUILD", 13),
("boolean", "Boolean", "", "MOD_BOOLEAN", 14),
("bevel", "Bevel", "", "MOD_BEVEL", 15),
("array", "Array", "", "MOD_ARRAY", 16),
("all", "AllModifier", "", "MODIFIER", 17),
("uv_warp", "UV Warp", "", "MOD_UVPROJECT", 19),
("uv_project", "UV Project", "", "MOD_UVPROJECT", 20),
("wave", "Wave", "", "MOD_WAVE", 21),
("warp", "Warp", "", "MOD_WARP", 22),
("smooth", "Smooth", "", "MOD_SMOOTH", 23),
("simple_deform", "Simple Deform", "", "MOD_SIMPLEDEFORM", 24),
("shrinkwrap", "Shrinkwrap", "", "MOD_SHRINKWRAP", 25),
("mesh_deform", "Mesh Deform", "", "MOD_MESHDEFORM", 26),
("lattice", "Lattice", "", "MOD_LATTICE", 27),
("laplaciandeform", "Laplacian Deform", "", "MOD_MESHDEFORM", 28),
("laplaciansmooth", "Laplacian Smooth", "", "MOD_SMOOTH", 29),
("hook", "Hook", "", "HOOK", 30),
("displace", "Displace", "", "MOD_DISPLACE", 31),
("curve", "Curve", "", "MOD_CURVE", 32),
("cast", "Cast", "", "MOD_CAST", 33),
("armature", "Armature", "", "MOD_ARMATURE", 34),
("vertex_weight_proximity", "Vertex Weight Proximity", "", "MOD_VERTEX_WEIGHT", 35),
("vertex_weight_mix", "Vertex Weight Mix", "", "MOD_VERTEX_WEIGHT", 36),
("vertex_weight_edit", "Vertex Weight Edit", "", "MOD_VERTEX_WEIGHT", 37),
("mesh_cache", "Mesh Cache", "", "MOD_MESHDEFORM", 38),
("surface", "Surface", "", "PHYSICS", 39),
("soft_body", "Soft Body", "", "MOD_SOFT", 40),
("smoke", "Smoke", "", "MOD_SMOKE", 41),
("particle_system", "Particle System", "", "MOD_PARTICLES", 42),
("particle_instance", "Particle Instance", "", "MOD_PARTICLES", 43),
("ocean", "Ocean", "", "MOD_OCEAN", 44),
("fluid_simulation", "Fluid Simulation", "", "MOD_FLUIDSIM", 45),
("explode", "Explode", "", "MOD_EXPLODE", 46),
("dynamic_paint", "Dynamic Paint", "", "MOD_DYNAMICPAINT", 47),
("collision", "Collision", "", "MOD_PHYSICS", 48),
("cloth", "Cloth", "", "MOD_CLOTH", 49)],
name = "Modifier Type",
default = "non",
description="change modifier type")
# FUNCTIONS #
def apply_layer_settings(context):
scene = bpy.context.scene
selected = bpy.context.selected_objects
active_layer_index = context.scene.display_layers_collection_index
for obj in context.scene.objects:
if obj.use_display_layer:
layer = context.scene.display_layers_collection[obj.display_layer]
if layer.display:
obj.hide = False
else:
obj.hide = True
if layer.select:
obj.hide_select = False
else:
obj.hide_select = True
if layer.render:
obj.hide_render = False
else:
obj.hide_render = True
if layer.wire:
obj.show_wire = True
obj.show_all_edges = True
else:
obj.show_wire = False
obj.show_all_edges = False
if layer.mody:
enabled = obj.use_display_layer
if enabled:
contx = bpy.context.copy()
contx['object'] = obj
for mod in obj.modifiers:
contx['modifier'] = mod
name = contx['modifier'].name
if scene.tp_modly_type == "all":
if scene.tp_funcly_type == "render":
mod.show_render = False
if scene.tp_funcly_type == "unhide":
mod.show_viewport = False
if scene.tp_modly_type == "armature":
if (mod.type == 'ARMATURE'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "array":
if (mod.type == 'ARRAY'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "bevel":
if (mod.type == 'BEVEL'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "boolean":
if (mod.type == 'BOOLEAN'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "build":
if (mod.type == 'BUILD'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "mesh_cache":
if (mod.type == 'MESH_CACHE'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "cast":
if (mod.type == 'CAST'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "cloth":
if (mod.type == 'CLOTH'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "collision":
if (mod.type == 'COLLISION'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "curve":
if (mod.type == 'CURVE'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "decimate":
if (mod.type == 'DECIMATE'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "displace":
if (mod.type == 'DISPLACE'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "dynamic_paint":
if (mod.type == 'DYNAMIC_PAINT'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "edge_split":
if (mod.type == 'EDGE_SPLIT'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "explode":
if (mod.type == 'EXPLODE'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "fluid_simulation":
if (mod.type == 'FLUID_SIMULATION'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "hook":
if (mod.type == 'HOOK'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "laplaciandeform":
if (mod.type == 'LAPLACIANDEFORM'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "laplaciansmooth":
if (mod.type == 'LAPLACIANSMOOTH'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "lattice":
if (mod.type == 'LATTICE'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "mask":
if (mod.type == 'MASK'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "mesh_deform":
if (mod.type == 'MESH_DEFORM'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "mirror":
if (mod.type == 'MIRROR'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "multires":
if (mod.type == 'MULTIRES'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "ocean":
if (mod.type == 'OCEAN'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "particle_instance":
if (mod.type == 'PARTICLE_INSTANCE'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "particle_system":
if (mod.type == 'PARTICLE_SYSTEM'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "screw":
if (mod.type == 'SCREW'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "shrinkwrap":
if (mod.type == 'SHRINKWRAP'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "simple_deform":
if (mod.type == 'SIMPLE_DEFORM'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "smoke":
if (mod.type == 'SMOKE'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "smooth":
if (mod.type == 'SMOOTH'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "soft_body":
if (mod.type == 'SOFT_BODY'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "solidify":
if (mod.type == 'SOLIDIFY'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "subsurf":
if (mod.type == 'SUBSURF'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "surface":
if (mod.type == 'SURFACE'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "uv_project":
if (mod.type == 'UV_PROJECT'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "warp":
if (mod.type == 'WARP'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "wave":
if (mod.type == 'WAVE'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "remesh":
if (mod.type == 'REMESH'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
passt
if scene.tp_modly_type == "vertex_weight_edit":
if (mod.type == 'VERTEX_WEIGHT_EDIT'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "vertex_weight_mix":
if (mod.type == 'VERTEX_WEIGHT_MIX'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "vertex_weight_proximity":
if (mod.type == 'VERTEX_WEIGHT_PROXIMITY'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "skin":
if (mod.type == 'SKIN'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "triangulate":
if (mod.type == 'TRIANGULATE'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "uv_warp":
if (mod.type == 'UV_WARP'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "wireframe":
if (mod.type == 'WIREFRAME'):
if scene.tp_funcly_type == "render":
if mod.show_render == True:
obj.modifiers[name].show_render = False
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == True:
obj.modifiers[name].show_viewport = False
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
else:
enabled = obj.use_display_layer
if enabled:
contx = bpy.context.copy()
contx['object'] = obj
for mod in obj.modifiers:
contx['modifier'] = mod
name = contx['modifier'].name
if scene.tp_modly_type == "all":
if scene.tp_funcly_type == "render":
mod.show_render = True
if scene.tp_funcly_type == "unhide":
mod.show_viewport = True
# HOW TO SEPARATE THE OPERATORS? #
if scene.tp_funcly_type == "apply":
for obj in context.scene.objects:
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = mod.name)
else:
pass
if scene.tp_funcly_type == "remove":
for obj in context.scene.objects:
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = mod.name)
else:
pass
if scene.tp_modly_type == "armature":
if (mod.type == 'ARMATURE'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
for obj in context.scene.objects:
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = mod.name)
else:
pass
if scene.tp_funcly_type == "remove":
for obj in context.scene.objects:
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = mod.name)
else:
pass
if scene.tp_funcly_type == "up":
for obj in context.scene.objects:
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
for obj in context.scene.objects:
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "array":
if (mod.type == 'ARRAY'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "bevel":
if (mod.type == 'BEVEL'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "boolean":
if (mod.type == 'BOOLEAN'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "build":
if (mod.type == 'BUILD'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "mesh_cache":
if (mod.type == 'MESH_CACHE'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "cast":
if (mod.type == 'CAST'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "cloth":
if (mod.type == 'CLOTH'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
layer_operator(context)
if scene.tp_modly_type == "collision":
if (mod.type == 'COLLISION'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "curve":
if (mod.type == 'CURVE'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "decimate":
if (mod.type == 'DECIMATE'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "displace":
if (mod.type == 'DISPLACE'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "dynamic_paint":
if (mod.type == 'DYNAMIC_PAINT'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "edge_split":
if (mod.type == 'EDGE_SPLIT'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "explode":
if (mod.type == 'EXPLODE'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "fluid_simulation":
if (mod.type == 'FLUID_SIMULATION'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "hook":
if (mod.type == 'HOOK'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "laplaciandeform":
if (mod.type == 'LAPLACIANDEFORM'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "laplaciansmooth":
if (mod.type == 'LAPLACIANSMOOTH'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
passt
if scene.tp_modly_type == "lattice":
if (mod.type == 'LATTICE'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "mask":
if (mod.type == 'MASK'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "mesh_deform":
if (mod.type == 'MESH_DEFORM'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "mirror":
if (mod.type == 'MIRROR'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "multires":
if (mod.type == 'MULTIRES'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "ocean":
if (mod.type == 'OCEAN'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "particle_instance":
if (mod.type == 'PARTICLE_INSTANCE'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "particle_system":
if (mod.type == 'PARTICLE_SYSTEM'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "screw":
if (mod.type == 'SCREW'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "shrinkwrap":
if (mod.type == 'SHRINKWRAP'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "simple_deform":
if (mod.type == 'SIMPLE_DEFORM'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "smoke":
if (mod.type == 'SMOKE'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "smooth":
if (mod.type == 'SMOOTH'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "soft_body":
if (mod.type == 'SOFT_BODY'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "solidify":
if (mod.type == 'SOLIDIFY'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "subsurf":
if (mod.type == 'SUBSURF'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "surface":
if (mod.type == 'SURFACE'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "uv_project":
if (mod.type == 'UV_PROJECT'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "warp":
if (mod.type == 'WARP'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "wave":
if (mod.type == 'WAVE'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "remesh":
if (mod.type == 'REMESH'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "vertex_weight_edit":
if (mod.type == 'VERTEX_WEIGHT_EDIT'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
layer_operator(context)
if scene.tp_modly_type == "vertex_weight_mix":
if (mod.type == 'VERTEX_WEIGHT_MIX'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "vertex_weight_proximity":
if (mod.type == 'VERTEX_WEIGHT_PROXIMITY'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "skin":
if (mod.type == 'SKIN'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "triangulate":
if (mod.type == 'TRIANGULATE'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "uv_warp":
if (mod.type == 'UV_WARP'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
if scene.tp_modly_type == "wireframe":
if (mod.type == 'WIREFRAME'):
if scene.tp_funcly_type == "render":
if mod.show_render == False:
obj.modifiers[name].show_render = True
if scene.tp_funcly_type == "unhide":
if mod.show_viewport == False:
obj.modifiers[name].show_viewport = True
# OPERATOR #
if scene.tp_funcly_type == "apply":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_apply(apply_as='DATA', modifier = name)
else:
pass
if scene.tp_funcly_type == "remove":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_remove(modifier = name)
else:
pass
if scene.tp_funcly_type == "up":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_up(modifier = name)
else:
pass
if scene.tp_funcly_type == "down":
if obj.use_display_layer and obj.display_layer == active_layer_index:
obj.select = True
bpy.context.scene.objects.active = obj
bpy.ops.object.modifier_move_down(modifier = name)
else:
pass
def move_layer(context, layers_collection, index, direction):
tmp_name = layers_collection[index].name
tmp_display = layers_collection[index].display
tmp_select = layers_collection[index].select
tmp_render = layers_collection[index].render
tmp_wire = layers_collection[index].wire
tmp_mody = layers_collection[index].mody
layers_collection[index].name = layers_collection[index + direction].name
layers_collection[index].display = layers_collection[index + direction].display
layers_collection[index].select = layers_collection[index + direction].select
layers_collection[index].render = layers_collection[index + direction].render
layers_collection[index].wire = layers_collection[index + direction].wire
layers_collection[index].mody = layers_collection[index + direction].mody
layers_collection[index + direction].name = tmp_name
layers_collection[index + direction].display = tmp_display
layers_collection[index + direction].select = tmp_select
layers_collection[index + direction].render = tmp_render
layers_collection[index + direction].wire = tmp_wire
layers_collection[index + direction].mody = tmp_mody
context.scene.display_layers_collection_index = index + direction
for obj in context.scene.objects:
if obj.display_layer == index:
obj.display_layer = index + direction
elif obj.display_layer == index + direction:
obj.display_layer = index
# UI LIST #
class layers_collection_UL(bpy.types.UIList):
def draw_item(self, context, layout, data, item, icon, active_data, active_propname, index):
layer = item
layout.prop(layer, "name", text="", icon_value=icon, emboss=False)
icon_render = 'RESTRICT_VIEW_OFF' if layer.display else 'RESTRICT_VIEW_ON'
layout.prop(item, "display", text="", icon=icon_render, emboss=False)
icon_render = 'RESTRICT_RENDER_OFF' if layer.render else 'RESTRICT_RENDER_ON'
layout.prop(item, "render", text="", icon=icon_render, emboss=False)
icon_render = 'MESH_UVSPHERE' if layer.wire else 'WIRE'
layout.prop(item, "wire", text="", icon=icon_render, emboss=False)
icon_select = 'UNLOCKED' if layer.select else 'LOCKED'
layout.prop(item, "select", text="", icon=icon_select, emboss=False)
icon_mody = 'MODIFIER' if layer.mody else 'MODIFIER'
layout.prop(item, "mody", text="", icon=icon_mody, emboss=False)
# OPERATOR: ADD LAYER#
class layers_add(bpy.types.Operator):
bl_idname = "add_layer_from_collection.btn"
bl_label = "Add"
bl_description = "Add layer"
def execute(self, context):
my_item = context.scene.display_layers_collection.add()
my_item.name = "Layer" + str(len(context.scene.display_layers_collection))
context.scene.display_layers_collection_index = len(context.scene.display_layers_collection) - 1
return{'FINISHED'}
# OPERATOR: REMOVE LAYER #
class layers_remove(bpy.types.Operator):
bl_idname = "remove_layer_from_collection.btn"
bl_label = "Remove"
bl_description = "Remove layer"
def execute(self, context):
index = context.scene.display_layers_collection_index
context.scene.display_layers_collection.remove(index)
# change all index of object higher than removed index
for obj in context.scene.objects:
if obj.display_layer > index:
obj.display_layer = obj.display_layer - 1
elif obj.display_layer == index:
obj.use_display_layer = False
return{'FINISHED'}
# OPERATOR: UP #
class layers_up(bpy.types.Operator):
bl_idname = "up_layer_from_collection.btn"
bl_label = "Up"
bl_description = "Up layer"
@classmethod
def poll(cls, context):
return context.scene.display_layers_collection_index > 0 and context.scene.display_layers_collection.items()
def execute(self, context):
layers_collection = context.scene.display_layers_collection
index = context.scene.display_layers_collection_index
direction = -1
move_layer(context, layers_collection, index, direction)
return{'FINISHED'}
# OPERATOR: DOWN #
class layers_down(bpy.types.Operator):
bl_idname = "down_layer_from_collection.btn"
bl_label = "Down"
bl_description = "Down layer"
@classmethod
def poll(cls, context):
return len(bpy.context.scene.display_layers_collection) > context.scene.display_layers_collection_index + 1
def execute(self, context):
layers_collection = context.scene.display_layers_collection
index = context.scene.display_layers_collection_index
direction = 1
move_layer(context, layers_collection, index, direction)
return{'FINISHED'}
# OPERATOR: ASSIGN TO LAYER #
class layers_assignSelectedObjects(bpy.types.Operator):
bl_idname = "assign_layer.btn"
bl_label = "Assign"
bl_description = "Assign layer to selected objects"
@classmethod
def poll(cls, context):
return context.object and context.scene.display_layers_collection.items()
def execute(self, context):
selected_objects = context.selected_objects
active_object = context.active_object
active_layer_index = context.scene.display_layers_collection_index
for obj in selected_objects:
obj.display_layer = active_layer_index
obj.use_display_layer = True
apply_layer_settings(context)
return{'FINISHED'}
# OPERATOR: REMOVE FROM LAYER #
class layers_removeSelectedObjects(bpy.types.Operator):
bl_idname = "remove_layer.btn"
bl_label = "Remove"
bl_description = "Remove selected objects from layer"
@classmethod
def poll(cls, context):
return context.object and context.scene.display_layers_collection.items()
def execute(self, context):
selected_objects = context.selected_objects
active_object = context.active_object
active_layer_index = context.scene.display_layers_collection_index
for obj in selected_objects:
obj.use_display_layer = False
apply_layer_settings(context)
return{'FINISHED'}
# OPERATOR: DELETE ALL LAYERS #
class layers_select_objects(bpy.types.Operator):
bl_idname = "clear_display_layers_collection.btn"
bl_label = "Clear"
bl_description = "Clear layers"
@classmethod
def poll(cls, context):
return context.object and context.scene.display_layers_collection.items()
def execute(self, context):
context.scene.display_layers_collection.clear()
return{'FINISHED'}
# REGISTER #
def register():
bpy.utils.register_module(__name__)
# UNREGISTER #
def unregister():
bpy.utils.unregister_module(__name__)
if __name__ == "__main__":
register()
| [
"[email protected]"
] | |
473b9f9a9271ec67bdeb7ba8f50ec9d6a3b791e8 | 3b7474148c07df7f4755106a3d0ada9b2de5efdc | /django/projects/src/backup/www/views.py | ea9233e355201b26cb5f6e7b1d346d901de37605 | [] | no_license | juancsosap/pythontraining | 7f67466846138f32d55361d64de81e74a946b484 | 1441d6fc9544042bc404d5c7efffd119fce33aa7 | refs/heads/master | 2021-08-26T05:37:15.851025 | 2021-08-11T22:35:23 | 2021-08-11T22:35:23 | 129,974,006 | 1 | 2 | null | null | null | null | UTF-8 | Python | false | false | 168 | py | from django.shortcuts import render
from django.http import HttpResponse
# Create your views here.
def index(request):
return HttpResponse('<h1>This is the Root</h1>') | [
"[email protected]"
] | |
036a2e26605dcb8adca9e12f913f0e989a923bfb | aaad70e69d37f92c160c07e4ca03de80becf2c51 | /filesystem/usr/lib/python3.6/_pyio.py | b805c49e9f62dd53e7b3ff719af305f55238b214 | [] | no_license | OSWatcher/ubuntu-server | 9b4dcad9ced1bff52ec9cdb4f96d4bdba0ad3bb9 | 17cb333124c8d48cf47bb9cec1b4e1305626b17a | refs/heads/master | 2023-02-10T18:39:43.682708 | 2020-12-26T01:02:54 | 2020-12-26T01:02:54 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 183 | py | {
"MIME": "text/plain",
"inode_type": "REG",
"magic_type": "Python script, ASCII text executable",
"mode": "-rw-r--r--",
"sha1": "f88fc8316a266e9690fc63943b95eb39ae884d95"
} | [
"[email protected]"
] | |
f6bd82993ae840507e4fbd7155d586ca64141a99 | 625bbdeb7e970fca57b75eafbfaf1d1850f894a6 | /lib/wrangler/assets/__init__.py | 8231dd31b0b8c3ad6be569e302dada2194fcb3c2 | [] | no_license | adorsk/wrangler | e7dd333867c68cf7d6fc092355ba51fc2a8903c9 | caa9bd3e56167066bbb87b374a80b818007a230f | refs/heads/master | 2021-01-02T09:26:04.981721 | 2013-01-14T14:35:11 | 2013-01-14T14:35:11 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 106 | py | from .git import GitAsset
from .rsync import RsyncAsset
from .hg import HgAsset
from .url import UrlAsset
| [
"adorsk"
] | adorsk |
a4c5738a473170741a1f6b08a464fd02088bf873 | 7dae5c2536a2e3e2f8efa0480aa71a08a311849d | /migrations/versions/4ad6d590a93f_pass_secure.py | 2d72ec77439f25976b87a3777cdca21e95dfdab5 | [
"MIT"
] | permissive | Derrick-Nyongesa/QwertyBlog | 9a2997d116db39c551193b54f0aecbdb896646da | aa534c6fd475d4cf58f559ef7159b5cefe0ceed3 | refs/heads/main | 2023-04-24T05:18:13.975385 | 2021-05-01T11:15:11 | 2021-05-01T11:15:11 | 363,079,832 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 667 | py | """pass_secure
Revision ID: 4ad6d590a93f
Revises: f59a0d1927f8
Create Date: 2021-04-29 14:06:19.867578
"""
from alembic import op
import sqlalchemy as sa
# revision identifiers, used by Alembic.
revision = '4ad6d590a93f'
down_revision = 'f59a0d1927f8'
branch_labels = None
depends_on = None
def upgrade():
# ### commands auto generated by Alembic - please adjust! ###
op.add_column('users', sa.Column('pass_secure', sa.String(length=255), nullable=True))
# ### end Alembic commands ###
def downgrade():
# ### commands auto generated by Alembic - please adjust! ###
op.drop_column('users', 'pass_secure')
# ### end Alembic commands ###
| [
"[email protected]"
] | |
7fe5a14eea56e4e00848afe7f1069cd9f0415125 | 330aebe4ce7110310cccf68cfe6a4488a78f315e | /samples/RiskManagement/DecisionManager/dm-with-decisionprofilereject-response.py | 6f40ef12e14e17569321bceeb2dbca2ca4ffcceb | [
"MIT"
] | permissive | shalltell/cybersource-rest-samples-python | c8afdae73af8aaa14606f989d7baea8abbf41638 | d92375fb1878ee810f4028a8850e97398533dbd0 | refs/heads/master | 2022-11-01T03:23:33.492038 | 2022-01-28T11:29:44 | 2022-01-28T11:29:44 | 222,025,982 | 0 | 0 | MIT | 2019-11-16T00:43:46 | 2019-11-16T00:43:45 | null | UTF-8 | Python | false | false | 3,994 | py | from CyberSource import *
import os
import json
from importlib.machinery import SourceFileLoader
config_file = os.path.join(os.getcwd(), "data", "Configuration.py")
configuration = SourceFileLoader("module.name", config_file).load_module()
# To delete None values in Input Request Json body
def del_none(d):
for key, value in list(d.items()):
if value is None:
del d[key]
elif isinstance(value, dict):
del_none(value)
return d
def dm_with_decisionprofilereject_response():
clientReferenceInformationCode = "54323007"
clientReferenceInformation = Riskv1decisionsClientReferenceInformation(
code = clientReferenceInformationCode
)
paymentInformationCardNumber = "4444444444444448"
paymentInformationCardExpirationMonth = "12"
paymentInformationCardExpirationYear = "2020"
paymentInformationCard = Riskv1decisionsPaymentInformationCard(
number = paymentInformationCardNumber,
expiration_month = paymentInformationCardExpirationMonth,
expiration_year = paymentInformationCardExpirationYear
)
paymentInformation = Riskv1decisionsPaymentInformation(
card = paymentInformationCard.__dict__
)
orderInformationAmountDetailsCurrency = "USD"
orderInformationAmountDetailsTotalAmount = "144.14"
orderInformationAmountDetails = Riskv1decisionsOrderInformationAmountDetails(
currency = orderInformationAmountDetailsCurrency,
total_amount = orderInformationAmountDetailsTotalAmount
)
orderInformationBillToAddress1 = "96, powers street"
orderInformationBillToAdministrativeArea = "NH"
orderInformationBillToCountry = "US"
orderInformationBillToLocality = "Clearwater milford"
orderInformationBillToFirstName = "James"
orderInformationBillToLastName = "Smith"
orderInformationBillToPhoneNumber = "7606160717"
orderInformationBillToEmail = "[email protected]"
orderInformationBillToPostalCode = "03055"
orderInformationBillTo = Riskv1decisionsOrderInformationBillTo(
address1 = orderInformationBillToAddress1,
administrative_area = orderInformationBillToAdministrativeArea,
country = orderInformationBillToCountry,
locality = orderInformationBillToLocality,
first_name = orderInformationBillToFirstName,
last_name = orderInformationBillToLastName,
phone_number = orderInformationBillToPhoneNumber,
email = orderInformationBillToEmail,
postal_code = orderInformationBillToPostalCode
)
orderInformation = Riskv1decisionsOrderInformation(
amount_details = orderInformationAmountDetails.__dict__,
bill_to = orderInformationBillTo.__dict__
)
riskInformationProfileName = "profile2"
riskInformationProfile = Ptsv2paymentsRiskInformationProfile(
name = riskInformationProfileName
)
riskInformation = Riskv1decisionsRiskInformation(
profile = riskInformationProfile.__dict__
)
requestObj = CreateBundledDecisionManagerCaseRequest(
client_reference_information = clientReferenceInformation.__dict__,
payment_information = paymentInformation.__dict__,
order_information = orderInformation.__dict__,
risk_information = riskInformation.__dict__
)
requestObj = del_none(requestObj.__dict__)
requestObj = json.dumps(requestObj)
try:
config_obj = configuration.Configuration()
client_config = config_obj.get_configuration()
api_instance = DecisionManagerApi(client_config)
return_data, status, body = api_instance.create_bundled_decision_manager_case(requestObj)
print("\nAPI RESPONSE CODE : ", status)
print("\nAPI RESPONSE BODY : ", body)
return return_data
except Exception as e:
print("\nException when calling DecisionManagerApi->create_bundled_decision_manager_case: %s\n" % e)
if __name__ == "__main__":
dm_with_decisionprofilereject_response()
| [
"[email protected]"
] | |
6107c9b99f080aadc2604b747d9111565a5bf906 | b16ebbadfd630b92068645ec671df8182fadf4fc | /registration_redux/signals.py | 1b40767539169cfd6ba31f89e35edb5c20c4ecc9 | [] | no_license | IOEWRC/stu_teach | 352bb7326645eacf340131c632eab5a28549d393 | 953931febab33d69a71c83e9ca44d376aa1d7320 | refs/heads/master | 2022-12-17T15:08:49.148449 | 2018-10-02T15:26:41 | 2018-10-02T15:26:41 | 141,098,799 | 0 | 3 | null | 2022-12-08T01:02:04 | 2018-07-16T06:57:08 | Python | UTF-8 | Python | false | false | 946 | py | from django.conf import settings
from django.contrib.auth import get_backends
from django.contrib.auth import login
from django.dispatch import Signal
# An admin has approved a user's account
user_approved = Signal(providing_args=["user", "request"])
# A new user has registered.
user_registered = Signal(providing_args=["user", "request"])
# A user has activated his or her account.
user_activated = Signal(providing_args=["user", "request"])
def login_user(sender, user, request, **kwargs):
""" Automatically authenticate the user when activated """
backend = get_backends()[0] # Hack to bypass `authenticate()`.
user.backend = "%s.%s" % (backend.__module__, backend.__class__.__name__)
login(request, user)
request.session['REGISTRATION_AUTO_LOGIN'] = True
request.session.modified = True
if getattr(settings, 'REGISTRATION_AUTO_LOGIN', False):
user_activated.connect(login_user)
| [
"[email protected]"
] | |
d548603c64903fac22071a503e75ae1a71dc916b | a857d1911a118b8aa62ffeaa8f154c8325cdc939 | /toontown/coghq/StageLayout.py | 23c0e7977545f6bd7cd2ff51688e1ff22f9c1976 | [
"MIT"
] | permissive | DioExtreme/TT-CL-Edition | 761d3463c829ec51f6bd2818a28b667c670c44b6 | 6b85ca8352a57e11f89337e1c381754d45af02ea | refs/heads/main | 2023-06-01T16:37:49.924935 | 2021-06-24T02:25:22 | 2021-06-24T02:25:22 | 379,310,849 | 0 | 0 | MIT | 2021-06-22T15:07:31 | 2021-06-22T15:07:30 | null | UTF-8 | Python | false | false | 9,093 | py | from direct.directnotify import DirectNotifyGlobal
from direct.showbase.PythonUtil import invertDictLossless
from toontown.coghq import StageRoomSpecs
from toontown.toonbase import ToontownGlobals
from direct.showbase.PythonUtil import normalDistrib, lerp
import random
def printAllCashbotInfo():
print 'roomId: roomName'
for roomId, roomName in StageRoomSpecs.CashbotStageRoomId2RoomName.items():
print '%s: %s' % (roomId, roomName)
print '\nroomId: numBattles'
for roomId, numBattles in StageRoomSpecs.roomId2numBattles.items():
print '%s: %s' % (roomId, numBattles)
print '\nstageId floor roomIds'
printStageRoomIds()
print '\nstageId floor numRooms'
printNumRooms()
print '\nstageId floor numForcedBattles'
printNumBattles()
def iterateLawbotStages(func):
from toontown.toonbase import ToontownGlobals
for layoutId in xrange(len(stageLayouts)):
for floorNum in xrange(getNumFloors(layoutId)):
func(StageLayout(0, floorNum, layoutId))
def printStageInfo():
def func(sl):
print sl
iterateLawbotStages(func)
def printRoomUsage():
usage = {}
def func(sl):
for roomId in sl.getRoomIds():
usage.setdefault(roomId, 0)
usage[roomId] += 1
iterateLawbotStages(func)
roomIds = usage.keys()
roomIds.sort()
for roomId in roomIds:
print '%s: %s' % (roomId, usage[roomId])
def printRoomInfo():
roomIds = StageRoomSpecs.roomId2numCogs.keys()
roomIds.sort()
for roomId in roomIds:
print 'room %s: %s cogs, %s cogLevels, %s merit cogLevels' % (roomId,
StageRoomSpecs.roomId2numCogs[roomId],
StageRoomSpecs.roomId2numCogLevels[roomId],
StageRoomSpecs.roomId2numMeritCogLevels[roomId])
def printStageRoomIds():
def func(ml):
print ml.getStageId(), ml.getFloorNum(), ml.getRoomIds()
iterateCashbotStages(func)
def printStageRoomNames():
def func(ml):
print ml.getStageId(), ml.getFloorNum(), ml.getRoomNames()
iterateCashbotStages(func)
def printNumRooms():
def func(ml):
print ml.getStageId(), ml.getFloorNum(), ml.getNumRooms()
iterateCashbotStages(func)
def printNumBattles():
def func(ml):
print ml.getStageId(), ml.getFloorNum(), ml.getNumBattles()
iterateCashbotStages(func)
DefaultLayout1 = ({0: (0,
1,
2,
3,
1,
2,
4),
1: (0,
1,
2,
3,
1,
2,
4),
2: (0,
1,
2,
3,
1,
2,
4),
3: (0,
1,
2,
3,
1,
2,
4),
4: (0,
1,
2,
3,
1,
2,
4),
5: (0,
1,
2,
3,
1,
2,
4),
6: (0,
1,
2,
3,
1,
2,
4),
7: (0,
1,
2,
3,
1,
2,
4),
8: (0,
1,
2,
3,
1,
2,
4),
9: (0,
1,
2,
3,
1,
2,
4),
10: (0,
1,
2,
3,
1,
2,
4),
11: (0,
1,
2,
3,
1,
2,
4),
12: (0,
1,
2,
3,
1,
2,
4),
13: (0,
1,
2,
3,
1,
2,
4),
14: (0,
1,
2,
3,
1,
2,
4),
15: (0,
1,
2,
3,
1,
2,
4),
16: (0,
1,
2,
3,
1,
2,
4),
17: (0,
1,
2,
3,
1,
2,
4),
18: (0,
1,
2,
3,
1,
2,
4),
19: (0,
1,
2,
3,
1,
2,
4)},)
DefaultLayout = [(0,
5,
2,
3,
5,
2,
1),
(0,
5,
2,
3,
5,
2,
1),
(0,
5,
2,
3,
5,
2,
1),
(0,
5,
2,
3,
5,
2,
1),
(0,
5,
2,
3,
5,
2,
1),
(0,
5,
2,
3,
5,
2,
1),
(0,
5,
2,
3,
5,
2,
1),
(0,
5,
2,
3,
5,
2,
1),
(0,
5,
2,
3,
5,
2,
1),
(0,
5,
2,
3,
5,
2,
1),
(0,
5,
2,
3,
5,
2,
1)]
testLayout = [(0,
3,
8,
105,
1), (0,
7,
8,
105,
2)]
LawOfficeLayout2_0 = [(0,
7,
8,
105,
1), (0,
10,
104,
103,
1), (0,
105,
101,
12,
2)]
LawOfficeLayout2_1 = [(0,
10,
11,
104,
1), (0,
100,
105,
8,
1), (0,
103,
3,
104,
2)]
LawOfficeLayout2_2 = [(0,
8,
105,
102,
1), (0,
100,
104,
10,
1), (0,
101,
105,
3,
2)]
LawOfficeLayout3_0 = [(0,
8,
101,
104,
1),
(0,
7,
105,
103,
1),
(0,
100,
8,
104,
1),
(0,
105,
10,
12,
2)]
LawOfficeLayout3_1 = [(0,
100,
8,
105,
1),
(0,
103,
10,
104,
1),
(0,
8,
7,
105,
1),
(0,
104,
12,
101,
2)]
LawOfficeLayout3_2 = [(0,
103,
104,
100,
1),
(0,
102,
8,
105,
1),
(0,
10,
104,
3,
1),
(0,
105,
10,
11,
2)]
LawOfficeLayout4_0 = [(0,
3,
7,
105,
1),
(0,
103,
104,
8,
1),
(0,
102,
105,
11,
1),
(0,
8,
104,
100,
1),
(0,
10,
105,
12,
2)]
LawOfficeLayout4_1 = [(0,
7,
105,
102,
1),
(0,
103,
12,
104,
1),
(0,
101,
104,
8,
1),
(0,
10,
3,
105,
1),
(0,
8,
104,
102,
2)]
LawOfficeLayout4_2 = [(0,
11,
105,
102,
1),
(0,
3,
104,
8,
1),
(0,
100,
10,
104,
1),
(0,
8,
12,
105,
1),
(0,
104,
102,
11,
2)]
LawOfficeLayout5_0 = [(0,
104,
10,
7,
1),
(0,
105,
103,
3,
1),
(0,
104,
11,
12,
1),
(0,
101,
8,
105,
1),
(0,
10,
104,
12,
1),
(0,
105,
100,
7,
2)]
LawOfficeLayout5_1 = [(0,
11,
8,
104,
1),
(0,
102,
10,
105,
1),
(0,
104,
7,
101,
1),
(0,
105,
10,
12,
1),
(0,
8,
11,
105,
1),
(0,
104,
12,
3,
2)]
LawOfficeLayout5_2 = [(0,
105,
103,
8,
1),
(0,
10,
3,
104,
1),
(0,
105,
103,
101,
1),
(0,
12,
8,
104,
1),
(0,
7,
11,
104,
1),
(0,
105,
12,
10,
2)]
stageLayouts = [LawOfficeLayout2_0,
LawOfficeLayout2_1,
LawOfficeLayout2_2,
LawOfficeLayout3_0,
LawOfficeLayout3_1,
LawOfficeLayout3_2,
LawOfficeLayout4_0,
LawOfficeLayout4_1,
LawOfficeLayout4_2,
LawOfficeLayout5_0,
LawOfficeLayout5_1,
LawOfficeLayout5_2]
stageLayouts1 = [testLayout,
testLayout,
testLayout,
testLayout,
testLayout,
testLayout,
testLayout,
testLayout,
testLayout,
testLayout,
testLayout,
testLayout]
def getNumFloors(layoutIndex):
return len(stageLayouts[layoutIndex])
class StageLayout:
notify = DirectNotifyGlobal.directNotify.newCategory('StageLayout')
def __init__(self, stageId, floorNum, stageLayout = 0):
self.stageId = stageId
self.floorNum = floorNum
self.roomIds = []
self.hallways = []
self.layoutId = stageLayout
self.roomIds = stageLayouts[stageLayout][floorNum]
self.numRooms = 1 + len(self.roomIds)
self.numHallways = self.numRooms - 1
hallwayRng = self.getRng()
connectorRoomNames = StageRoomSpecs.CashbotStageConnectorRooms
for i in xrange(self.numHallways):
self.hallways.append(hallwayRng.choice(connectorRoomNames))
def getNumRooms(self):
return len(self.roomIds)
def getRoomId(self, n):
return self.roomIds[n]
def getRoomIds(self):
return self.roomIds[:]
def getRoomNames(self):
names = []
for roomId in self.roomIds:
names.append(StageRoomSpecs.CashbotStageRoomId2RoomName[roomId])
return names
def getNumHallways(self):
return len(self.hallways)
def getHallwayModel(self, n):
return self.hallways[n]
def getNumBattles(self):
numBattles = 0
for roomId in self.getRoomIds():
numBattles += StageRoomSpecs.roomId2numBattles[roomId]
return numBattles
def getNumCogs(self):
numCogs = 0
for roomId in self.getRoomIds():
numCogs += StageRoomSpecs.roomId2numCogs[roomId]
return numCogs
def getNumCogLevels(self):
numLevels = 0
for roomId in self.getRoomIds():
numLevels += StageRoomSpecs.roomId2numCogLevels[roomId]
return numLevels
def getNumMeritCogLevels(self):
numLevels = 0
for roomId in self.getRoomIds():
numLevels += StageRoomSpecs.roomId2numMeritCogLevels[roomId]
return numLevels
def getStageId(self):
return self.stageId
def getFloorNum(self):
return self.floorNum
def getRng(self):
return random.Random(self.stageId * self.floorNum)
def __str__(self):
return 'StageLayout: id=%s, layout=%s, floor=%s, meritCogLevels=%s, numRooms=%s, numBattles=%s, numCogs=%s' % (self.stageId,
self.layoutId,
self.floorNum,
self.getNumMeritCogLevels(),
self.getNumRooms(),
self.getNumBattles(),
self.getNumCogs())
def __repr__(self):
return str(self)
| [
"[email protected]"
] | |
fe75c0da2e6b55da800b0f5dd8d9fa4cb4206590 | 28e8ab381a8c1b4321cd83acff6aa33468166d6b | /python3.4Smartforest/lib/python3.4/site-packages/django/forms/__init__.py | 134584aaf812602cd5d897f7a5b392d7e8a175df | [
"MIT"
] | permissive | letouriste001/SmartForest_2.0 | 343e13bc085d753be2af43aecfb74a5fffaa5e3b | 109b78bf1e8c8404800f377ab969395ccbb617be | refs/heads/master | 2020-12-21T16:54:22.865824 | 2016-08-11T14:17:45 | 2016-08-11T14:17:45 | 59,734,259 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 368 | py | """
Django validation and HTML form handling.
"""
from django.core.exceptions import ValidationError # NOQA
from django.forms.boundfield import * # NOQA
from django.forms.fields import * # NOQA
from django.forms.forms import * # NOQA
from django.forms.formsets import * # NOQA
from django.forms.models import * # NOQA
from django.forms.widgets import * # NOQA
| [
"[email protected]"
] | |
4c51d5551470c2a1accda560407256b08e83f5f4 | ad5b72656f0da99443003984c1e646cb6b3e67ea | /src/bindings/python/src/openvino/test_utils/__init__.py | 39abacb8fe3698459c5cead72b53daa782322b5c | [
"Apache-2.0"
] | permissive | novakale/openvino | 9dfc89f2bc7ee0c9b4d899b4086d262f9205c4ae | 544c1acd2be086c35e9f84a7b4359439515a0892 | refs/heads/master | 2022-12-31T08:04:48.124183 | 2022-12-16T09:05:34 | 2022-12-16T09:05:34 | 569,671,261 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 153 | py | # -*- coding: utf-8 -*-
# Copyright (C) 2018-2022 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
from .test_utils_api import compare_functions
| [
"[email protected]"
] | |
92977a8e1a7fba7692d6e2a1e648ce2923636a61 | d6fe71e3e995c03b8f5151ab1d53411b77b325ba | /walklist_api_service/models/inline_response2014.py | dd612deaed7f317b142c07f218d808e84fcda9a9 | [] | no_license | mwilkins91/petpoint-scraper | 95468ae9951deaa8bd3bef7d88c0ff660146c1a3 | dd0c60c68fc6a7d11358aa63d28fdf07fff3c7cd | refs/heads/master | 2022-11-27T00:02:50.654404 | 2020-08-09T18:41:40 | 2020-08-09T18:41:40 | 286,180,666 | 1 | 0 | null | null | null | null | UTF-8 | Python | false | false | 4,125 | py | # coding: utf-8
"""
The Enrichment List
The THS enrichment list # noqa: E501
OpenAPI spec version: 1.0.0
Contact: [email protected]
Generated by: https://github.com/swagger-api/swagger-codegen.git
"""
import pprint
import re # noqa: F401
import six
def getResponse():
from walklist_api_service.models.response import Response
return Response
class InlineResponse2014(object):
"""NOTE: This class is auto generated by the swagger code generator program.
Do not edit the class manually.
"""
"""
Attributes:
swagger_types (dict): The key is attribute name
and the value is attribute type.
attribute_map (dict): The key is attribute name
and the value is json key in definition.
"""
swagger_types = {
'payload': 'CustomContent',
'meta': 'ResponseMeta'
}
if hasattr(getResponse(), "swagger_types"):
swagger_types.update(getResponse().swagger_types)
attribute_map = {
'payload': 'payload',
'meta': 'meta'
}
if hasattr(getResponse(), "attribute_map"):
attribute_map.update(getResponse().attribute_map)
def __init__(self, payload=None, meta=None, *args, **kwargs): # noqa: E501
"""InlineResponse2014 - a model defined in Swagger""" # noqa: E501
self._payload = None
self._meta = None
self.discriminator = None
if payload is not None:
self.payload = payload
if meta is not None:
self.meta = meta
Response.__init__(self, *args, **kwargs)
@property
def payload(self):
"""Gets the payload of this InlineResponse2014. # noqa: E501
:return: The payload of this InlineResponse2014. # noqa: E501
:rtype: CustomContent
"""
return self._payload
@payload.setter
def payload(self, payload):
"""Sets the payload of this InlineResponse2014.
:param payload: The payload of this InlineResponse2014. # noqa: E501
:type: CustomContent
"""
self._payload = payload
@property
def meta(self):
"""Gets the meta of this InlineResponse2014. # noqa: E501
:return: The meta of this InlineResponse2014. # noqa: E501
:rtype: ResponseMeta
"""
return self._meta
@meta.setter
def meta(self, meta):
"""Sets the meta of this InlineResponse2014.
:param meta: The meta of this InlineResponse2014. # noqa: E501
:type: ResponseMeta
"""
self._meta = meta
def to_dict(self):
"""Returns the model properties as a dict"""
result = {}
for attr, _ in six.iteritems(self.swagger_types):
value = getattr(self, attr)
if isinstance(value, list):
result[attr] = list(map(
lambda x: x.to_dict() if hasattr(x, "to_dict") else x,
value
))
elif hasattr(value, "to_dict"):
result[attr] = value.to_dict()
elif isinstance(value, dict):
result[attr] = dict(map(
lambda item: (item[0], item[1].to_dict())
if hasattr(item[1], "to_dict") else item,
value.items()
))
else:
result[attr] = value
if issubclass(InlineResponse2014, dict):
for key, value in self.items():
result[key] = value
return result
def to_str(self):
"""Returns the string representation of the model"""
return pprint.pformat(self.to_dict())
def __repr__(self):
"""For `print` and `pprint`"""
return self.to_str()
def __eq__(self, other):
"""Returns true if both objects are equal"""
if not isinstance(other, InlineResponse2014):
return False
return self.__dict__ == other.__dict__
def __ne__(self, other):
"""Returns true if both objects are not equal"""
return not self == other
| [
"[email protected]"
] | |
bc265595870eb2d54708331a0825dc7192597e13 | 0af2dd9a7ba560d0b782e7834d862f89fe546bbb | /lui_testing/python_mic/py_dir_n_deps/server/__main__.py | ee73bbe70b18c5052053bae2b75223e5e18432cb | [] | no_license | luisodls/dui_prototyping | 8b017eb3589f6fa80792b6f54b702061d30deda9 | 184d7fed891fae67bd8b662e4a287942753caadd | refs/heads/master | 2023-09-04T01:51:14.455210 | 2023-08-29T20:56:21 | 2023-08-29T20:56:21 | 162,447,933 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 49 | py | # this file is needed for importing dependencies
| [
"[email protected]"
] | |
12d9b34285fa7b3e71476926e0a9884f2362dda6 | 169d35ae620fb4ad6ccdb9ead5084a6ed191d3c1 | /uadt/automation/scenario.py | ca85e37045e300eeacdc0fcbc7e7f8fde0ea2e3f | [] | no_license | tbabej/uadt | 4d7622fb0f8a5c84bebf96b0df87cb63ae22bec7 | 71ff8f610b7616fdc8cad61399f9c0149786e192 | refs/heads/master | 2022-02-17T11:39:45.305507 | 2019-09-04T15:15:46 | 2019-09-04T15:15:46 | 91,985,528 | 7 | 1 | null | null | null | null | UTF-8 | Python | false | false | 12,186 | py | import datetime
import contextlib
import os
import random
import re
import subprocess
import shlex
import time
import json
from selenium.common.exceptions import StaleElementReferenceException
from uadt import config, constants
from uadt.plugins import PluginBase, PluginMount
from uadt.automation.generator import DataGenerator
from uadt.automation.driver import ImageRecognitionDriver
from uadt.automation.markov import MarkovChain
class Scenario(PluginBase, metaclass=PluginMount):
app_package = None # Must be provided
app_activity = None # Must be provided
new_command_timeout = '50000'
auto_launch = True
no_reset = True
automation_name = "uiautomator2"
# Override to specify that multiple devices are required for this scenario
devices = 1
def __init__(self, appium_ports, phones):
"""
Initialize the plugin. Create Appium driver instance with required
capabilities.
"""
# Verify class attribute requirements
if self.app_package is None:
raise ValueError("Package name must be provided.")
if self.app_activity is None:
raise ValueError("Startup activity name must be provided.")
# Storage for events
self.marks = []
# Acts like a stack
self.metadata = []
# Store for generic metadata, like phone model or its IP
self.generic_metadata = {}
# Remember the phone information
self.phones = phones
# Store phone related metadata for eternity
for index, phone in enumerate(self.phones):
self.add_generic_metadata(
'phone_{0}_name'.format(index),
phone['identifier']
)
self.add_generic_metadata(
'phone_{0}_android_ver'.format(index),
phone['platformVersion']
)
self.add_generic_metadata(
'phone_{0}_model'.format(index),
phone['model']
)
self.add_generic_metadata(
'phone_{0}_ip'.format(index),
phone['ip']
)
# Determine the file name template
self.file_identifier = '{plugin}_{timestamp}_{phone}'.format(**{
'plugin': self.identifier,
'phone': self.phones[0]['identifier'],
'timestamp': datetime.datetime.utcnow().strftime("%Y%m%d_%H%M%S")
})
# Fake data generator
self.generator = DataGenerator()
# Create appium instance(s)
generic_capabilities = {
'appPackage': self.app_package,
'appActivity': self.app_activity,
'newCommandTimeout': self.new_command_timeout,
'autoLaunch' : self.auto_launch,
'noReset': self.no_reset,
'automationName': self.automation_name
}
for index, phone in enumerate(self.phones):
capabilities = generic_capabilities.copy()
capabilities.update(phone)
self.debug("Initializing appium interface (phone {})".format(index))
driver = ImageRecognitionDriver(
'http://localhost:{0}/wd/hub'.format(appium_ports[index]),
capabilities
)
# Configure generous implicit wait time (if manual action is needed)
driver.implicitly_wait(60)
# Set the driver attribute for this phone
# Name convention: 1st phone - self.driver
# 2nd phone - self.driver2
# ith phone - self.driveri
setattr(
self,
'driver' if index == 0 else 'driver{}'.format(index+1),
driver
)
def _build_markov_chain(self):
"""
Inspects all the steps and builds the first order markov chain
representing the interaction with the application.
"""
# Find all step methods and extract information out of them
step_methods_names = [
method_name
for method_name in dir(self)
if method_name.startswith('step_')
]
step_info = [
self._parse_step_docstring(step)
for step in step_methods_names
]
# Determine the initial and final state from the class docstring
initial, final = self._parse_class_docstring()
self.chain = MarkovChain(step_info, initial=initial, final=final)
def _parse_step_docstring(self, step_name):
"""
Parses the docstring of the step method, obtaining all the contained
metadata (start and end nodes, weight, etc.)
"""
method = getattr(self, step_name)
docstring = method.__doc__
STEP_METADATA_REGEX = re.compile(
'Start:\s+(?P<start_node>\w+)\s+'
'End:\s+(?P<end_node>\w+)\s+'
'(Weight:\s+(?P<weight>[\d\.]+)\s+)?'
)
match = STEP_METADATA_REGEX.search(docstring)
if not match:
raise ValueError("The step method '{0}' does not"
"have properly built" "docstring".format(step_name))
return {
'name': '_'.join(step_name.split('_')[1:]),
'start_node': match.group('start_node'),
'end_node': match.group('end_node'),
'weight': float(match.group('weight'))
if match.group('weight') is not None else 1.0,
}
def _parse_class_docstring(self):
"""
Parses the docstring of the scenario class to determine the initial and
final state.
"""
docstring = self.__doc__
CLASS_METADATA_REGEX = re.compile(
'\s+Initial:\s+(?P<initial>\w+)\s+'
'\s+Final:\s+(?P<final>\w+)\s+'
)
match = CLASS_METADATA_REGEX.search(docstring)
if not match:
raise ValueError("The class docstring is not built properly.")
return match.group('initial'), match.group('final')
def steps_by_random_walk(self, length):
"""
Runs the step methods as determined by the random walk over the
corresponding markov chain.
"""
self.debug("Initializing random walk of length '{0}'"
.format(length))
for node_name in self.chain.random_walk(length=length):
self.debug("Performing step: '{0}'".format(node_name))
method = getattr(self, 'step_' + node_name)
method()
@contextlib.contextmanager
def capture(self, timeout=5):
"""
Captures network traffic that passes the network inteface while the
yielded block of code is executed + while the timeout expires.
Arguments:
timeout: the number of seconds we should wait (and capture) after the
action has been performed
"""
# Build the capture query
# We want to capture all the incoming and outgoing traffic for each
# mobile device involved
query_parts = []
for phone in self.phones:
query_parts.append('host {0}'.format(phone['ip']))
query = ' or '.join(query_parts)
# Start the capture
filename = os.path.join("data", self.file_identifier + '.pcap')
args = shlex.split("tshark -l -n -T pdml -i {0} -w {1} '{2}'"
.format(config.CAPTURE_INTERFACE, filename, query))
self.info("Capturing script '{0}' to file '{1}'".format(
self.identifier,
filename
))
with open(os.devnull, 'w') as f:
p = subprocess.Popen(args, stdout=f, stderr=f)
try:
yield
except Exception:
# In case any problem occurred during the execution of the
# scenario, remove associated pcap file
self.error('An exception occurred during the execution of '
'the scenario, removing session PCAP file: {}'
.format(filename))
p.terminate()
with contextlib.suppress(FileNotFoundError):
os.remove(filename)
raise
# Sleep so that network communication associated with the last
# action has time to happen
time.sleep(timeout)
p.terminate()
def execute(self):
"""
Used to wrap scenario run, performing necessary pre and post actions.
"""
# Build the markov chain. This ends up in no-op if no step methods
# heve been defined.
self._build_markov_chain()
# Mark the start point and run the script
with self.capture():
self.run()
# Capture is over, process the marks now
filename = os.path.join("data", self.file_identifier + '.marks')
# Build metadata structure
metadata = {
'generic': self.generic_metadata,
'events': self.marks
}
with open(filename, 'w') as mark_file:
mark_file.write(json.dumps(metadata))
def add_metadata(self, key, value):
"""
Adds metadata element into the mark dictionary.
"""
self.debug("Adding metadata {0}='{1}'".format(key, value))
self.metadata[-1][key] = value
def add_generic_metadata(self, key, value):
"""
Adds generic metadata element.
"""
self.debug("Adding generic metadata {0}='{1}'".format(key, value))
self.generic_metadata[key] = value
@contextlib.contextmanager
def mark(self, name, timeout=None):
"""
Marks the event in the marks file.
Captures:
- start and end of the interval
- name of the event marked
- timeout used
- any metadata explicitly stored
"""
self.debug("Processing event: {0}".format(name))
# Generate the timeout time
timeout = timeout or (random.randint(2,6) + random.random())
# Prepare metadata store
self.metadata.append({})
# Perform the marked event, capture start/end timestamps
start = datetime.datetime.utcnow()
yield
self.debug("Phase out with timeout of {0:.2f} seconds".format(timeout))
time.sleep(timeout)
end = datetime.datetime.utcnow()
# Generate mark data
mark_data = {
'name': name,
'start': start.strftime(constants.MARKS_TIMESTAMP),
'end': end.strftime(constants.MARKS_TIMESTAMP),
'timeout': timeout,
}
mark_data.update(self.metadata.pop())
# Save the generated mark data
self.marks.append(mark_data)
def find(self, identifier, method=None):
"""
Finds the element.
"""
# Perform method detection if needed
# String starting with / is a XPATH, everything else is an identifier
if method is None:
if identifier.startswith('/'):
method = 'xpath'
else:
method = 'identifier'
# Attempt to find the element using given method
if method == 'identifier':
return self.driver.find_element_by_id(identifier)
elif method == 'xpath':
return self.driver.find_element_by_xpath(identifier)
else:
raise Exception("Unsupported method")
def click(self, identifier_or_object, retries=5):
"""
Clicks on the selected element. Transparetnly handles associated
problems, like StaleObjectException.
"""
if retries < 0:
raise Exception("Could not click the element {0}".format(identifier_or_object))
if isinstance(identifier_or_object, str):
element = self.find(identifier_or_object)
else:
element = identifier_or_object
try:
element.click()
except (StaleElementReferenceException, Exception) as e:
print(type(e))
self.click(identifier_or_object, retries=retries-1)
| [
"[email protected]"
] | |
82d4c92e0a76a51b782ab665521c5d0dbd3f5d41 | 15f321878face2af9317363c5f6de1e5ddd9b749 | /solutions_python/Problem_200/552.py | 2a8dec0e8ed629d049222f52c7953ccea67f7d3e | [] | no_license | dr-dos-ok/Code_Jam_Webscraper | c06fd59870842664cd79c41eb460a09553e1c80a | 26a35bf114a3aa30fc4c677ef069d95f41665cc0 | refs/heads/master | 2020-04-06T08:17:40.938460 | 2018-10-14T10:12:47 | 2018-10-14T10:12:47 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 894 | py |
def test(list):
for i in range(0, len(list)-1):
if(valueList[i] > valueList[i+1]):
return False
return True
def list2text(list):
result = "";
for i in list:
if(result != "" or i!=0):
result += str(i)
if(result == ""):
result = "0";
return result
t = int(input())
for line in range(1, t + 1):
value = input();
valueList = list(value);
for i in range(0, len(valueList)):
valueList[i] = int(valueList[i])
valueInteger = int(value);
result = valueInteger
#print( valueList)
#phase 1 go from first index to back and stop when fails
while(not test(valueList)):
for i in range(0, len(valueList)-1):
if valueList[i] > valueList[i+1]:
valueList[i] -= 1
for j in range(i+1, len(valueList)):
valueList[j] = 9
break
#print(valueList);
print("Case #{}: {}".format(line, list2text(valueList)));
| [
"[email protected]"
] | |
2a190607625a690d7574afa6ac51c511908c664d | 2ddc456deb713a182692f04a0f58b6219c683c3d | /manage.py | 83e6cb6b4ad6924c454de15cd1c2a04e74b6ca2b | [] | no_license | rabithakuri/blog | feabb6ffcac216abd6c081544f95dd46d773a76e | 59af4161fa751b7c5b49ac97100b3175f2e32d44 | refs/heads/master | 2023-01-03T17:11:53.568997 | 2020-10-28T03:44:41 | 2020-10-28T03:44:41 | 307,582,816 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 655 | 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', 'intern_project.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()
| [
"[email protected]"
] | |
c5ec3cebc6acd55c78f200d64e7195209a6a3380 | 8eeef634531bddfd99bad995517a6dc2750e5815 | /tests/TestServidorHTTPConfiguracion.py | 4d385d32ef1d5c2c8e778218724c9a2373bb1195 | [] | no_license | GabrielMartinMoran/balizaIntegracionContinua | 99c882b9376520d832ef72c3e98194835aaf1b37 | 7f82c917793716fef30d30d0cd0a2d98ffda6d47 | refs/heads/master | 2021-06-08T14:14:44.112718 | 2021-04-27T18:06:17 | 2021-04-27T18:06:17 | 153,819,687 | 0 | 0 | null | 2021-04-27T18:07:03 | 2018-10-19T17:37:59 | JavaScript | UTF-8 | Python | false | false | 1,808 | py | #----------------------------- IMPORTAMOS EL DIRECTORIO src ---------------------------
import os
import sys
#IMPORTAMOS DEL PADRE
sys.path.insert(0, os.path.abspath(os.path.join(os.path.dirname(__file__), '../src')))
#--------------------------------------------------------------------------------------
import unittest
import requests
from ServidorHTTPConfiguracion import ServidorHTTPConfiguracion
from ConfiguracionCI import ConfiguracionCI
from ConfiguracionRed import ConfiguracionRed
HOST = "localhost"
PUERTO_1 = 8081
PUERTO_2 = 8082
class TestServidorHTTPConfiguracion(unittest.TestCase):
def test_establecemos_una_configuracion_para_travis_y_corroboramos(self):
configuracion_ci = ConfiguracionCI()
servidor = ServidorHTTPConfiguracion(HOST, PUERTO_1, configuracion_ci, None)
response = requests.get("http://"+HOST+":"+str(PUERTO_1)+"/set_configuracion_ci?usuario=USUARIO&repositorio=REPOSITORIO&token=TOKEN&APIurl=http://test.url&servidorCI=Travis")
self.assertEqual("USUARIO", configuracion_ci.get_usuario())
self.assertEqual("REPOSITORIO", configuracion_ci.get_repositorio())
self.assertEqual("TOKEN", configuracion_ci.get_token())
servidor.detener()
def test_establecemos_una_configuracion_de_red_y_corroboramos(self):
configuracion_red = ConfiguracionRed()
servidor = ServidorHTTPConfiguracion(HOST, PUERTO_2, None, configuracion_red)
response = requests.get("http://"+HOST+":"+str(PUERTO_2)+"/set_configuracion_red?SSID=SSID&clave=CLAVE")
self.assertEqual("SSID", configuracion_red.get_SSID())
self.assertEqual("CLAVE", configuracion_red.get_clave())
servidor.detener()
def main():
unittest.main()
if __name__ == '__main__':
main()
| [
"[email protected]"
] | |
91b6a476fe7d9d21254cc4a6578ee34d79761a72 | e823bc36af457f229f6879d6e6a3ef6247c129aa | /virtualenv/Lib/site-packages/pyasn1/type/base.py | fa876834167f552414fead63c978417aa938685f | [
"MIT"
] | permissive | William-An/DFB_Final | e772fa979c41f2f83a4bf657cde499456215fb3b | 49a9244c98116574676992ebecd1d9435e1d5b1e | refs/heads/master | 2022-11-07T15:47:36.189057 | 2017-07-22T01:01:37 | 2017-07-22T01:01:43 | 97,426,562 | 1 | 1 | MIT | 2022-10-15T02:45:57 | 2017-07-17T02:21:42 | Python | UTF-8 | Python | false | false | 18,819 | py | #
# This file is part of pyasn1 software.
#
# Copyright (c) 2005-2017, Ilya Etingof <[email protected]>
# License: http://pyasn1.sf.net/license.html
#
import sys
from pyasn1.type import constraint, tagmap, tag
from pyasn1 import error
__all__ = ['Asn1Item', 'Asn1ItemBase', 'AbstractSimpleAsn1Item', 'AbstractConstructedAsn1Item']
class Asn1Item(object):
pass
class Asn1ItemBase(Asn1Item):
#: Default :py:class:`~pyasn1.type.tag.TagSet` object representing
#: ASN.1 tag(s) associated with this ASN.1 type.
tagSet = tag.TagSet()
#: Default :py:class:`~pyasn1.type.constraint.ConstraintsIntersection`
#: object imposing constraints on initialization values.
subtypeSpec = constraint.ConstraintsIntersection()
# Used for ambiguous ASN.1 types identification
typeId = None
def __init__(self, tagSet=None, subtypeSpec=None):
if tagSet is None:
self._tagSet = self.tagSet
else:
self._tagSet = tagSet
if subtypeSpec is None:
self._subtypeSpec = self.subtypeSpec
else:
self._subtypeSpec = subtypeSpec
def _verifySubtypeSpec(self, value, idx=None):
try:
self._subtypeSpec(value, idx)
except error.PyAsn1Error:
c, i, t = sys.exc_info()
raise c('%s at %s' % (i, self.__class__.__name__))
def getSubtypeSpec(self):
return self._subtypeSpec
def getTagSet(self):
return self._tagSet
def getEffectiveTagSet(self):
return self._tagSet # used by untagged types
def getTagMap(self):
return tagmap.TagMap({self._tagSet: self})
def isSameTypeWith(self, other, matchTags=True, matchConstraints=True):
"""Examine |ASN.1| type for equality with other ASN.1 type.
ASN.1 tags (:py:mod:`~pyasn1.type.tag`) and constraints
(:py:mod:`~pyasn1.type.constraint`) are examined when carrying
out ASN.1 types comparison.
No Python inheritance relationship between PyASN1 objects is considered.
Parameters
----------
other: a pyasn1 type object
Class instance representing ASN.1 type.
Returns
-------
: :class:`bool`
:class:`True` if *other* is |ASN.1| type,
:class:`False` otherwise.
"""
return self is other or \
(not matchTags or
self._tagSet == other.getTagSet()) and \
(not matchConstraints or
self._subtypeSpec == other.getSubtypeSpec())
def isSuperTypeOf(self, other, matchTags=True, matchConstraints=True):
"""Examine |ASN.1| type for subtype relationship with other ASN.1 type.
ASN.1 tags (:py:mod:`~pyasn1.type.tag`) and constraints
(:py:mod:`~pyasn1.type.constraint`) are examined when carrying
out ASN.1 types comparison.
No Python inheritance relationship between PyASN1 objects is considered.
Parameters
----------
other: a pyasn1 type object
Class instance representing ASN.1 type.
Returns
-------
: :class:`bool`
:class:`True` if *other* is a subtype of |ASN.1| type,
:class:`False` otherwise.
"""
return (not matchTags or
self._tagSet.isSuperTagSetOf(other.getTagSet())) and \
(not matchConstraints or
(self._subtypeSpec.isSuperTypeOf(other.getSubtypeSpec())))
@staticmethod
def isNoValue(*values):
for value in values:
if value is not None and value is not noValue:
return False
return True
class NoValue(object):
"""Create a singleton instance of NoValue class.
NoValue object can be used as an initializer on PyASN1 type class
instantiation to represent ASN.1 type rather than ASN.1 data value.
No operations other than type comparison can be performed on
a PyASN1 type object.
"""
skipMethods = ('__getattribute__', '__getattr__', '__setattr__', '__delattr__',
'__class__', '__init__', '__del__', '__new__', '__repr__',
'__qualname__', '__objclass__', 'im_class', '__sizeof__')
_instance = None
def __new__(cls):
if cls._instance is None:
def getPlug(name):
def plug(self, *args, **kw):
raise error.PyAsn1Error('Uninitialized ASN.1 value ("%s" attribute looked up)' % name)
return plug
op_names = [name
for typ in (str, int, list, dict)
for name in dir(typ)
if name not in cls.skipMethods and name.startswith('__') and name.endswith('__') and callable(getattr(typ, name))]
for name in set(op_names):
setattr(cls, name, getPlug(name))
cls._instance = object.__new__(cls)
return cls._instance
def __getattr__(self, attr):
if attr in self.skipMethods:
raise AttributeError('attribute %s not present' % attr)
raise error.PyAsn1Error('No value for "%s"' % attr)
def __repr__(self):
return '%s()' % self.__class__.__name__
noValue = NoValue()
# Base class for "simple" ASN.1 objects. These are immutable.
class AbstractSimpleAsn1Item(Asn1ItemBase):
#: Default payload value
defaultValue = noValue
def __init__(self, value=noValue, tagSet=None, subtypeSpec=None):
Asn1ItemBase.__init__(self, tagSet, subtypeSpec)
if self.isNoValue(value):
value = self.defaultValue
if self.isNoValue(value):
self.__hashedValue = value = noValue
else:
value = self.prettyIn(value)
self._verifySubtypeSpec(value)
self.__hashedValue = hash(value)
self._value = value
self._len = None
def __repr__(self):
r = []
if self._value is not self.defaultValue:
r.append(self.prettyOut(self._value))
if self._tagSet is not self.tagSet:
r.append('tagSet=%r' % (self._tagSet,))
if self._subtypeSpec is not self.subtypeSpec:
r.append('subtypeSpec=%r' % (self._subtypeSpec,))
return '%s(%s)' % (self.__class__.__name__, ', '.join(r))
def __str__(self):
return str(self._value)
def __eq__(self, other):
return self is other and True or self._value == other
def __ne__(self, other):
return self._value != other
def __lt__(self, other):
return self._value < other
def __le__(self, other):
return self._value <= other
def __gt__(self, other):
return self._value > other
def __ge__(self, other):
return self._value >= other
if sys.version_info[0] <= 2:
def __nonzero__(self):
return bool(self._value)
else:
def __bool__(self):
return bool(self._value)
def __hash__(self):
return self.__hashedValue is noValue and hash(noValue) or self.__hashedValue
def hasValue(self):
"""Indicate if |ASN.1| object represents ASN.1 value or ASN.1 type.
The PyASN1 type objects can only participate in types comparison
and serve as a blueprint for serialization codecs to resolve
ambiguous types.
The PyASN1 value objects can additionally participate to most
of built-in Python operations.
Returns
-------
: :class:`bool`
:class:`True` if object is ASN.1 value,
:class:`False` otherwise.
"""
return self._value is not noValue
def clone(self, value=noValue, tagSet=None, subtypeSpec=None):
"""Create a copy of a |ASN.1| type or object.
Any parameters to the *clone()* method will replace corresponding
properties of the |ASN.1| object.
Parameters
----------
value: :class:`tuple`, :class:`str` or |ASN.1| object
Initialization value to pass to new ASN.1 object instead of
inheriting one from the caller.
tagSet: :py:class:`~pyasn1.type.tag.TagSet`
Object representing ASN.1 tag(s) to use in new object instead of inheriting from the caller
subtypeSpec: :py:class:`~pyasn1.type.constraint.ConstraintsIntersection`
Object representing ASN.1 subtype constraint(s) to use in new object instead of inheriting from the caller
Returns
-------
:
new instance of |ASN.1| type/value
"""
if self.isNoValue(value):
if self.isNoValue(tagSet, subtypeSpec):
return self
value = self._value
if tagSet is None:
tagSet = self._tagSet
if subtypeSpec is None:
subtypeSpec = self._subtypeSpec
return self.__class__(value, tagSet, subtypeSpec)
def subtype(self, value=noValue, implicitTag=None, explicitTag=None,
subtypeSpec=None):
"""Create a copy of a |ASN.1| type or object.
Any parameters to the *subtype()* method will be added to the corresponding
properties of the |ASN.1| object.
Parameters
----------
value: :class:`tuple`, :class:`str` or |ASN.1| object
Initialization value to pass to new ASN.1 object instead of
inheriting one from the caller.
implicitTag: :py:class:`~pyasn1.type.tag.Tag`
Implicitly apply given ASN.1 tag object to caller's
:py:class:`~pyasn1.type.tag.TagSet`, then use the result as
new object's ASN.1 tag(s).
explicitTag: :py:class:`~pyasn1.type.tag.Tag`
Explicitly apply given ASN.1 tag object to caller's
:py:class:`~pyasn1.type.tag.TagSet`, then use the result as
new object's ASN.1 tag(s).
subtypeSpec: :py:class:`~pyasn1.type.constraint.ConstraintsIntersection`
Add ASN.1 constraints object to one of the caller, then
use the result as new object's ASN.1 constraints.
Returns
-------
:
new instance of |ASN.1| type/value
"""
if self.isNoValue(value):
value = self._value
if implicitTag is not None:
tagSet = self._tagSet.tagImplicitly(implicitTag)
elif explicitTag is not None:
tagSet = self._tagSet.tagExplicitly(explicitTag)
else:
tagSet = self._tagSet
if subtypeSpec is None:
subtypeSpec = self._subtypeSpec
else:
subtypeSpec = self._subtypeSpec + subtypeSpec
return self.__class__(value, tagSet, subtypeSpec)
def prettyIn(self, value):
return value
def prettyOut(self, value):
return str(value)
def prettyPrint(self, scope=0):
"""Provide human-friendly printable object representation.
Returns
-------
: :class:`str`
human-friendly type and/or value representation.
"""
if self.hasValue():
return self.prettyOut(self._value)
else:
return '<no value>'
# XXX Compatibility stub
def prettyPrinter(self, scope=0):
return self.prettyPrint(scope)
# noinspection PyUnusedLocal
def prettyPrintType(self, scope=0):
return '%s -> %s' % (self.getTagSet(), self.__class__.__name__)
#
# Constructed types:
# * There are five of them: Sequence, SequenceOf/SetOf, Set and Choice
# * ASN1 types and values are represened by Python class instances
# * Value initialization is made for defaulted components only
# * Primary method of component addressing is by-position. Data model for base
# type is Python sequence. Additional type-specific addressing methods
# may be implemented for particular types.
# * SequenceOf and SetOf types do not implement any additional methods
# * Sequence, Set and Choice types also implement by-identifier addressing
# * Sequence, Set and Choice types also implement by-asn1-type (tag) addressing
# * Sequence and Set types may include optional and defaulted
# components
# * Constructed types hold a reference to component types used for value
# verification and ordering.
# * Component type is a scalar type for SequenceOf/SetOf types and a list
# of types for Sequence/Set/Choice.
#
def setupComponent():
"""Returns a sentinel value.
Indicates to a constructed type to set up its inner component so that it
can be referred to. This is useful in situation when you want to populate
descendants of a constructed type what requires being able to refer to
their parent types along the way.
Example
-------
>>> constructed['record'] = setupComponent()
>>> constructed['record']['scalar'] = 42
"""
return noValue
class AbstractConstructedAsn1Item(Asn1ItemBase):
#: If `True`, requires exact component type matching,
#: otherwise subtype relation is only enforced
strictConstraints = False
def __init__(self, componentType=None, tagSet=None,
subtypeSpec=None, sizeSpec=None):
Asn1ItemBase.__init__(self, tagSet, subtypeSpec)
if componentType is None:
self._componentType = self.componentType
else:
self._componentType = componentType
if sizeSpec is None:
self._sizeSpec = self.sizeSpec
else:
self._sizeSpec = sizeSpec
self._componentValues = []
self._componentValuesSet = 0
def __repr__(self):
r = []
if self._componentType is not self.componentType:
r.append('componentType=%r' % (self._componentType,))
if self._tagSet is not self.tagSet:
r.append('tagSet=%r' % (self._tagSet,))
if self._subtypeSpec is not self.subtypeSpec:
r.append('subtypeSpec=%r' % (self._subtypeSpec,))
r = '%s(%s)' % (self.__class__.__name__, ', '.join(r))
if self._componentValues:
r += '.setComponents(%s)' % ', '.join([repr(x) for x in self._componentValues])
return r
def __eq__(self, other):
return self is other and True or self._componentValues == other
def __ne__(self, other):
return self._componentValues != other
def __lt__(self, other):
return self._componentValues < other
def __le__(self, other):
return self._componentValues <= other
def __gt__(self, other):
return self._componentValues > other
def __ge__(self, other):
return self._componentValues >= other
if sys.version_info[0] <= 2:
def __nonzero__(self):
return bool(self._componentValues)
else:
def __bool__(self):
return bool(self._componentValues)
def getComponentTagMap(self):
raise error.PyAsn1Error('Method not implemented')
def _cloneComponentValues(self, myClone, cloneValueFlag):
pass
def clone(self, tagSet=None, subtypeSpec=None, sizeSpec=None, cloneValueFlag=None):
"""Create a copy of a |ASN.1| type or object.
Any parameters to the *clone()* method will replace corresponding
properties of the |ASN.1| object.
Parameters
----------
tagSet: :py:class:`~pyasn1.type.tag.TagSet`
Object representing non-default ASN.1 tag(s)
subtypeSpec: :py:class:`~pyasn1.type.constraint.ConstraintsIntersection`
Object representing non-default ASN.1 subtype constraint(s)
sizeSpec: :py:class:`~pyasn1.type.constraint.ConstraintsIntersection`
Object representing non-default ASN.1 size constraint(s)
Returns
-------
:
new instance of |ASN.1| type/value
"""
if tagSet is None:
tagSet = self._tagSet
if subtypeSpec is None:
subtypeSpec = self._subtypeSpec
if sizeSpec is None:
sizeSpec = self._sizeSpec
r = self.__class__(self._componentType, tagSet, subtypeSpec, sizeSpec)
if cloneValueFlag:
self._cloneComponentValues(r, cloneValueFlag)
return r
def subtype(self, implicitTag=None, explicitTag=None, subtypeSpec=None,
sizeSpec=None, cloneValueFlag=None):
"""Create a copy of a |ASN.1| type or object.
Any parameters to the *subtype()* method will be added to the corresponding
properties of the |ASN.1| object.
Parameters
----------
tagSet: :py:class:`~pyasn1.type.tag.TagSet`
Object representing non-default ASN.1 tag(s)
subtypeSpec: :py:class:`~pyasn1.type.constraint.ConstraintsIntersection`
Object representing non-default ASN.1 subtype constraint(s)
sizeSpec: :py:class:`~pyasn1.type.constraint.ConstraintsIntersection`
Object representing non-default ASN.1 size constraint(s)
Returns
-------
:
new instance of |ASN.1| type/value
"""
if implicitTag is not None:
tagSet = self._tagSet.tagImplicitly(implicitTag)
elif explicitTag is not None:
tagSet = self._tagSet.tagExplicitly(explicitTag)
else:
tagSet = self._tagSet
if subtypeSpec is None:
subtypeSpec = self._subtypeSpec
else:
subtypeSpec = self._subtypeSpec + subtypeSpec
if sizeSpec is None:
sizeSpec = self._sizeSpec
else:
sizeSpec = sizeSpec + self._sizeSpec
r = self.__class__(self._componentType, tagSet, subtypeSpec, sizeSpec)
if cloneValueFlag:
self._cloneComponentValues(r, cloneValueFlag)
return r
def _verifyComponent(self, idx, value):
pass
def verifySizeSpec(self):
self._sizeSpec(self)
def getComponentByPosition(self, idx):
raise error.PyAsn1Error('Method not implemented')
def setComponentByPosition(self, idx, value, verifyConstraints=True):
raise error.PyAsn1Error('Method not implemented')
def setComponents(self, *args, **kwargs):
for idx, value in enumerate(args):
self[idx] = value
for k in kwargs:
self[k] = kwargs[k]
return self
def getComponentType(self):
return self._componentType
def setDefaultComponents(self):
pass
def __getitem__(self, idx):
return self.getComponentByPosition(idx)
def __setitem__(self, idx, value):
self.setComponentByPosition(idx, value)
def __len__(self):
return len(self._componentValues)
def clear(self):
self._componentValues = []
self._componentValuesSet = 0
| [
"[email protected]"
] | |
22b1198f010dde12d103a5f65f822ee6e9dd0675 | e9fade80d627161ace797e6e80c54e328da4cf46 | /issure_tracker/accounts/migrations/0001_initial.py | 468da38e15e4ee1e580be4f953070a92552736f3 | [] | no_license | nurbekov0001/tracer | 1d48558f4064fd8c8382c16c57b11dbef21554e9 | 3daff8790efd87f99459d9ab9824960a0b8159a8 | refs/heads/master | 2023-04-17T16:06:01.446028 | 2021-04-22T10:04:48 | 2021-04-22T10:04:48 | 346,675,253 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,367 | py | # Generated by Django 3.1.7 on 2021-04-16 13:03
from django.conf import settings
from django.db import migrations, models
import django.db.models.deletion
class Migration(migrations.Migration):
initial = True
dependencies = [
migrations.swappable_dependency(settings.AUTH_USER_MODEL),
]
operations = [
migrations.CreateModel(
name='Profile',
fields=[
('id', models.AutoField(auto_created=True, primary_key=True, serialize=False, verbose_name='ID')),
('bird_date', models.DateField(blank=True, null=True, verbose_name='Дата рождения')),
('link', models.URLField(blank=True, null=True, verbose_name='Сылка на GitHub')),
('avatar', models.ImageField(blank=True, null=True, upload_to='user_pics', verbose_name='Аватар')),
('description', models.TextField(blank=True, max_length=2000, null=True, verbose_name='Полное описание')),
('user', models.OneToOneField(on_delete=django.db.models.deletion.CASCADE, related_name='profile', to=settings.AUTH_USER_MODEL, verbose_name='Ползователь')),
],
options={
'verbose_name': 'Профиль',
'verbose_name_plural': 'Профили',
},
),
]
| [
"[email protected]"
] | |
433b32bb5daca94ed59dd9026ce5d90ddf8b386b | a230088db9185a549fc63db351cc3558fbf78fe8 | /tests/gallery/test_gallery.py | 147c5bae1edb6779c17447d57a4b498268546f16 | [
"MIT"
] | permissive | ciphertechsolutions/construct | 7cebb8ec1634fafcbd1d89af3772fdcbec9509c3 | e75adbee3cc2bc3fc0326166d623566bf4358424 | refs/heads/master | 2020-05-17T06:06:49.291119 | 2019-07-04T01:49:02 | 2019-07-04T01:49:02 | 183,551,585 | 0 | 0 | NOASSERTION | 2019-10-19T22:37:53 | 2019-04-26T03:38:32 | Python | UTF-8 | Python | false | false | 286 | py | from declarativeunittest import *
from construct import *
from construct.lib import *
from gallery import pe32file
def test_pe32():
commondump(pe32file, "python37-win32.exe")
commondump(pe32file, "python37-win64.exe")
commondump(pe32file, "SharpZipLib0860-dotnet20.dll")
| [
"[email protected]"
] | |
513f6a85f513250674a0329b3e5b13a71f2ada85 | 77741ac3384cf80ba9f5684f896e4b6500064582 | /PycharmProjects/继承/09-super().py | a9a8a4081e86dbcffdb4377fb61750a70e521906 | [
"MIT"
] | permissive | jiankangliu/baseOfPython | 9c02763b6571596844ee3e690c4d505c8b95038d | a10e81c79bc6fc3807ca8715fb1be56df527742c | refs/heads/master | 2020-05-09T12:11:02.314281 | 2019-04-13T01:17:24 | 2019-04-13T01:17:24 | 181,104,243 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,658 | py | class Master(object):
def __init__(self):
self.kongfu = '[古法煎饼果子配方]'
def make_cake(self):
print(f'师傅运用{self.kongfu}制作煎饼果子')
# def xx(self):
# print('aaaaa')
# 黑马学校类
class School(Master):
def __init__(self):
self.kongfu = '[黑马煎饼果子配方]'
def make_cake(self):
print(f'学校运用{self.kongfu}制作煎饼果子')
# 再用super调用这个类的父类方法
# super(School, self).__init__()
# super(School, self).make_cake()
super().__init__()
super().make_cake()
# 如果一个子类继承了多个父类,如果有同名方法或属性,默认继承书写在括号里面第一个父类的同名属性和方法
class Prentice(School):
def __init__(self):
self.kongfu = '[原创煎饼果子配方]'
def make_cake(self):
# 做自己的初始化调用: 下面已经执行过其他父类的初始化,这里需要还原成自己
self.__init__()
print(f'大秋运用{self.kongfu}制作煎饼果子')
def make_super_cake(self):
# 调用父类方法
# super(自己类的类名, self).目标函数() -- 化简写法就是去掉所有参数,默认它自己可以填充目标参数
# super(Prentice, self).__init__()
# super(Prentice, self).make_cake()
super().__init__()
super().make_cake()
# laowang = Master()
# print(laowang.kongfu)
# laowang.make_cake()
daqiu = Prentice()
daqiu.make_super_cake()
# 有个顾客想一次性吃所有
| [
"[email protected]"
] | |
79435fffffd54d4dd35c5ea37db3e9fa998944b7 | 99ada05e0088a8e93400b245c02fb0b28ef91a2d | /api_v1/containers/shop/views.py | 90df9332a7860db17f2d5387f1c797548f3e16de | [
"MIT"
] | permissive | eric-scott-owens/loopla | 789fdf128393c29ced808b10e98eb55d5a0ed882 | 1fd5e6e7e9907198ff904111010b362a129d5e39 | refs/heads/master | 2022-12-12T17:30:44.373305 | 2019-08-01T06:17:05 | 2019-08-01T06:17:05 | 199,980,906 | 0 | 0 | MIT | 2022-12-11T00:23:28 | 2019-08-01T05:08:43 | JavaScript | UTF-8 | Python | false | false | 6,925 | py | import copy
from datetime import datetime
from django.contrib.auth.models import User
from django.conf import settings
from django.db import transaction
from rest_framework import status
from rest_framework.decorators import api_view
from rest_framework.response import Response
import stripe
from shop.models import Order, OrderStatusTransition, OrderItem, Kudos, KudosAvailable, CatalogItem
from api_v1.containers.shop.serializers import CreateNewOrderSerializer, OrderSerializer, ProcessOrderSerializer
from users.models import Person
@api_view(['POST'])
def create_order(request):
data = copy.deepcopy(request.data)
request_serializer = CreateNewOrderSerializer(data=data)
request_serializer.is_valid(raise_exception=True)
user = request.user
person = Person.objects.get(user=user)
try:
# Create the initial order
items = []
for order_item in data['order_items']:
items.append({
"type": 'sku',
"parent": order_item['parent'],
"quantity": order_item['quantity']
})
stripe.api_key = settings.STRIPE_PRIVATE_KEY
stripe_order = stripe.Order.create(
currency='usd',
items=items,
shipping={
"name": '%s %s' % (user.first_name, user.last_name),
"address":{
"line1": person.address_line_1,
"city": person.city,
"state": person.state,
"country": 'US',
"postal_code": person.zipcode
},
},
email= user.email
)
# Store the order data in our database
order = Order(
order_id = stripe_order.id,
user = user,
amount = stripe_order.amount,
email = stripe_order.email,
status = stripe_order.status,
created = datetime.fromtimestamp(stripe_order.created),
updated = datetime.fromtimestamp(stripe_order.updated)
)
order.currency = stripe_order.currency
order.save()
order_status = OrderStatusTransition(
order = order,
status = stripe_order.status,
created = datetime.fromtimestamp(stripe_order.updated)
)
order_status.save()
for item in stripe_order['items']:
order_item = OrderItem(
order = order,
amount = item['amount'],
description = item['description'],
parent = item['parent'],
quantity = item['quantity'],
item_type = item['type']
)
order_item.currency = item.currency,
order_item.save()
updated_order = Order.objects.get(order_id=order.order_id)
response_serializer = OrderSerializer(updated_order)
return Response(response_serializer.data, status=status.HTTP_201_CREATED)
except Exception as e:
return Response(status=status.HTTP_500_INTERNAL_SERVER_ERROR)
@api_view(['POST'])
def process_order(request):
data = copy.deepcopy(request.data)
request_serializer = ProcessOrderSerializer(data=data)
request_serializer.is_valid(raise_exception=True)
try:
user = request.user
order = Order.objects.get(order_id=data['order_id'])
stripe_token = data['stripe_token']
if order.user != user:
return Response(status=status.HTTP_403_FORBIDDEN)
# Pay the order
stripe.api_key = settings.STRIPE_PRIVATE_KEY
stripe_order = stripe.Order.pay(order.order_id, source=stripe_token)
# Record the results
order.status = stripe_order.status
order.updated = datetime.fromtimestamp(stripe_order.updated)
order.charge = stripe_order.charge
order.save()
order_status = OrderStatusTransition(
order = order,
status = stripe_order.status,
created = datetime.fromtimestamp(stripe_order.updated)
)
order_status.save()
# Update Available Kudos
kudos_types_ordered = {} # Dictionary keyed by kudos_id and valued by count of that kudos type ordered
order_items = OrderItem.objects.filter(order_id=order.order_id)
for item in order_items:
if item.item_type == 'sku':
catalog_item = CatalogItem.objects.get(sku=item.parent)
# collect the kudos we need to make available
for collection in catalog_item.collection.all():
for kudos_id in collection.kudos_ids:
################################################################################
## This section should be identical to the handling for the kudos bellow
################################################################################
# if the kudos dictionary entry does not exists, add it with a count of quantity
if kudos_id not in kudos_types_ordered:
kudos_types_ordered[kudos_id] = item.quantity
else:
# else, increment the counter
kudos_types_ordered[kudos_id] = kudos_types_ordered[kudos_id] + item.quantity
################################################################################
## End section
for kudos in catalog_item.kudos.all():
kudos_id = str(kudos.id)
################################################################################
## This section should be identical to the handling for the collections above
################################################################################
# if the kudos dictionary entry does not exists, add it with a count of quantity
if kudos_id not in kudos_types_ordered:
kudos_types_ordered[kudos_id] = item.quantity
else:
# else, increment the counter
kudos_types_ordered[kudos_id] = kudos_types_ordered[kudos_id] + item.quantity
################################################################################
## End section
# Update ordering counts and available kudos
for kudos_id in kudos_types_ordered:
number_sold_now = kudos_types_ordered[kudos_id]
kudos_number_sold = None
updated_kudos = None
# Updated kudos.number_sold
with transaction.atomic():
kudos = Kudos.objects.get(id=kudos_id)
kudos.number_sold = kudos.number_sold + number_sold_now
kudos.save()
updated_kudos = Kudos.objects.get(id=kudos_id)
kudos_number_sold = updated_kudos.number_sold
# Start populating available kudos
edition_number = kudos_number_sold - number_sold_now
while edition_number < kudos_number_sold:
edition_number = edition_number + 1
kudos_available = KudosAvailable(
user = user,
kudos = updated_kudos,
edition_number = edition_number,
order = order
)
kudos_available.save()
updated_order = Order.objects.get(order_id=order.order_id)
response_serializer = OrderSerializer(updated_order)
return Response(response_serializer.data, status=status.HTTP_202_ACCEPTED)
except Exception as e:
return Response(status=status.HTTP_500_INTERNAL_SERVER_ERROR) | [
"[email protected]"
] | |
67c01605dd097ec955b09e05c3ffb60a960ea937 | 69a415b34e14537b12f1fc4975360a45ea86af39 | /app/migrations/0059_auto_20210323_1537.py | c3494a4b0a778a68824d8194da53a3af538a1d30 | [] | no_license | imagilex/sosadelbosque | 36aa0a4fcec737717e58ce4ae6cc195c679c8b19 | ae52203213cea278690dc13cde60377775c2ef62 | refs/heads/master | 2023-05-15T09:26:20.842589 | 2023-03-07T21:33:27 | 2023-03-07T21:33:27 | 170,960,865 | 0 | 1 | null | 2023-04-30T11:23:33 | 2019-02-16T04:05:38 | Python | UTF-8 | Python | false | false | 2,802 | py | # Generated by Django 3.0.7 on 2021-03-23 15:37
from django.db import migrations, models
import django.db.models.deletion
class Migration(migrations.Migration):
dependencies = [
('initsys', '0003_auto_20190723_1358'),
('app', '0058_auto_20210315_1901'),
]
operations = [
migrations.AlterModelOptions(
name='tmpreportecontrolrecepcion',
options={'ordering': ['-fecha_de_ultimo_contacto']},
),
migrations.AddField(
model_name='tmpreportecontrolinscritosmod40',
name='autor',
field=models.ForeignKey(default=0, on_delete=django.db.models.deletion.CASCADE, related_name='+', to='initsys.Usr'),
preserve_default=False,
),
migrations.AddField(
model_name='tmpreportecontrolinscritosmod40detalle',
name='autor',
field=models.ForeignKey(default=0, on_delete=django.db.models.deletion.CASCADE, related_name='+', to='initsys.Usr'),
preserve_default=False,
),
migrations.AddField(
model_name='tmpreportecontrolpatronsustituto',
name='autor',
field=models.ForeignKey(default=0, on_delete=django.db.models.deletion.CASCADE, related_name='+', to='initsys.Usr'),
preserve_default=False,
),
migrations.AddField(
model_name='tmpreportecontrolpatronsustitutodetalle',
name='autor',
field=models.ForeignKey(default=0, on_delete=django.db.models.deletion.CASCADE, related_name='+', to='initsys.Usr'),
preserve_default=False,
),
migrations.AddField(
model_name='tmpreportecontrolproximopensionmod40',
name='autor',
field=models.ForeignKey(default=0, on_delete=django.db.models.deletion.CASCADE, related_name='+', to='initsys.Usr'),
preserve_default=False,
),
migrations.AddField(
model_name='tmpreportpensionesenproceso',
name='autor',
field=models.ForeignKey(default=0, on_delete=django.db.models.deletion.CASCADE, related_name='+', to='initsys.Usr'),
preserve_default=False,
),
migrations.AddField(
model_name='tmpreportpensionesenprocesodetalle',
name='autor',
field=models.ForeignKey(default=0, on_delete=django.db.models.deletion.CASCADE, related_name='+', to='initsys.Usr'),
preserve_default=False,
),
migrations.AddField(
model_name='tmpreporttramitesycorrecciones',
name='autor',
field=models.ForeignKey(default=0, on_delete=django.db.models.deletion.CASCADE, related_name='+', to='initsys.Usr'),
preserve_default=False,
),
]
| [
"[email protected]"
] | |
3ded5cc16aa18ec2b0aadcdc17047b5871c455f3 | b8151327e53471c48679908bad4f80e26e4de056 | /Datasets/us_cropland.py | a107245f114533b4d17d70eb4ef833a848cd5143 | [
"MIT"
] | permissive | edencfc/earthengine-py-notebooks | 5d91b4e1e3773742890a7498b0e19354b8ed02b5 | f37adeffc40574f2de82efc9e8103a9c7f918585 | refs/heads/master | 2021-04-03T21:29:11.948772 | 2020-03-17T12:41:30 | 2020-03-17T12:41:30 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 3,133 | py | '''
<table class="ee-notebook-buttons" align="left">
<td><a target="_blank" href="https://github.com/giswqs/earthengine-py-notebooks/tree/master/Datasets/us_cropland.ipynb"><img width=32px src="https://www.tensorflow.org/images/GitHub-Mark-32px.png" /> View source on GitHub</a></td>
<td><a target="_blank" href="https://nbviewer.jupyter.org/github/giswqs/earthengine-py-notebooks/blob/master/Datasets/us_cropland.ipynb"><img width=26px src="https://upload.wikimedia.org/wikipedia/commons/thumb/3/38/Jupyter_logo.svg/883px-Jupyter_logo.svg.png" />Notebook Viewer</a></td>
<td><a target="_blank" href="https://mybinder.org/v2/gh/giswqs/earthengine-py-notebooks/master?filepath=Datasets/us_cropland.ipynb"><img width=58px src="https://mybinder.org/static/images/logo_social.png" />Run in binder</a></td>
<td><a target="_blank" href="https://colab.research.google.com/github/giswqs/earthengine-py-notebooks/blob/master/Datasets/us_cropland.ipynb"><img src="https://www.tensorflow.org/images/colab_logo_32px.png" /> Run in Google Colab</a></td>
</table>
'''
# %%
'''
## Install Earth Engine API
Install the [Earth Engine Python API](https://developers.google.com/earth-engine/python_install) and [geehydro](https://github.com/giswqs/geehydro). The **geehydro** Python package builds on the [folium](https://github.com/python-visualization/folium) package and implements several methods for displaying Earth Engine data layers, such as `Map.addLayer()`, `Map.setCenter()`, `Map.centerObject()`, and `Map.setOptions()`.
The following script checks if the geehydro package has been installed. If not, it will install geehydro, which automatically install its dependencies, including earthengine-api and folium.
'''
# %%
import subprocess
try:
import geehydro
except ImportError:
print('geehydro package not installed. Installing ...')
subprocess.check_call(["python", '-m', 'pip', 'install', 'geehydro'])
# %%
'''
Import libraries
'''
# %%
import ee
import folium
import geehydro
# %%
'''
Authenticate and initialize Earth Engine API. You only need to authenticate the Earth Engine API once.
'''
# %%
try:
ee.Initialize()
except Exception as e:
ee.Authenticate()
ee.Initialize()
# %%
'''
## Create an interactive map
This step creates an interactive map using [folium](https://github.com/python-visualization/folium). The default basemap is the OpenStreetMap. Additional basemaps can be added using the `Map.setOptions()` function.
The optional basemaps can be `ROADMAP`, `SATELLITE`, `HYBRID`, `TERRAIN`, or `ESRI`.
'''
# %%
Map = folium.Map(location=[40, -100], zoom_start=4)
Map.setOptions('HYBRID')
# %%
'''
## Add Earth Engine Python script
'''
# %%
dataset = ee.ImageCollection('USDA/NASS/CDL') \
.filter(ee.Filter.date('2017-01-01', '2018-12-31')) \
.first()
cropLandcover = dataset.select('cropland')
Map.setCenter(-100.55, 40.71, 4)
Map.addLayer(cropLandcover, {}, 'Crop Landcover')
# %%
'''
## Display Earth Engine data layers
'''
# %%
Map.setControlVisibility(layerControl=True, fullscreenControl=True, latLngPopup=True)
Map | [
"[email protected]"
] | |
39ceedaebdc2ac1eece9c5118a1b8e68f0d01460 | 53fab060fa262e5d5026e0807d93c75fb81e67b9 | /backup/user_352/ch19_2020_03_24_01_38_47_185100.py | ac0a448a458fe9fddfb5f3d65c33f54c47e13d4b | [] | 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 | 185 | py | def classifica_triangulo(x, y, z):
if x==y and y==z:
return "equilátero"
elif x!=y or x!=z or z!=y:
return "isóseles"
else:
return "escaleno"
| [
"[email protected]"
] | |
b75dbfb5879fc58f82f014ed3d954cd18d86fdf8 | 66e45a2760db8a1fc580689586806c2e3cce0517 | /pymontecarlo/options/beam/gaussian.py | f899c96d4c539645036e125a335c60688599a596 | [] | no_license | arooney/pymontecarlo | 4b5b65c88737de6fac867135bc05a175c8114e48 | d2abbb3e9d3bb903ffec6dd56472470e15928b46 | refs/heads/master | 2020-12-02T18:01:42.525323 | 2017-05-19T16:44:30 | 2017-05-19T16:44:30 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,600 | py | """
Gaussian beam.
"""
# Standard library modules.
# Third party modules.
# Local modules.
from pymontecarlo.options.beam.cylindrical import \
CylindricalBeam, CylindricalBeamBuilder
from pymontecarlo.options.particle import Particle
# Globals and constants variables.
class GaussianBeam(CylindricalBeam):
def __init__(self, energy_eV, diameter_m, particle=Particle.ELECTRON,
x0_m=0.0, y0_m=0.0):
"""
Creates a new Gaussian beam.
A Gaussian beam is a two dimensional beam where the particles are
distributed following a 2D-Gaussian distribution.
:arg energy_eV: initial energy of the particle(s)
:type energy_eV: :class:`float`
:arg diameter_m: diameter of the beam.
The diameter corresponds to the full width at half maximum (FWHM) of
a two dimensional Gaussian distribution.
:type diameter_m: :class:`float`
:arg particle: type of particles [default: :data:`.ELECTRON`]
:type particle: :mod:`.particle`
:arg x0_m: initial x position where the beam first intersects the sample
:type x0_m: :class:`float`
:arg y0_m: initial y position where the beam first intersects the sample
:type y0_m: :class:`float`
"""
super().__init__(energy_eV, diameter_m, particle, x0_m, y0_m)
class GaussianBeamBuilder(CylindricalBeamBuilder):
def _create_beam(self, energy_eV, diameter_m, particle, x0_m, y0_m):
return GaussianBeam(energy_eV, diameter_m, particle, x0_m, y0_m)
| [
"[email protected]"
] | |
00da945565f09b900f74aadad32813c82c145c2f | 6b5431368cb046167d71c1f865506b8175127400 | /challenges/filtra-positivos/tests.py | c5012357f4ede037d68c5541b1104ebaf7a60f7b | [] | no_license | Insper/design-de-software-exercicios | e142f4824a57c80f063d617ace0caa0be746521e | 3b77f0fb1bc3d76bb99ea318ac6a5a423df2d310 | refs/heads/master | 2023-07-03T12:21:36.088136 | 2021-08-04T16:18:03 | 2021-08-04T16:18:03 | 294,813,936 | 0 | 1 | null | 2021-08-04T16:18:04 | 2020-09-11T21:17:24 | Python | UTF-8 | Python | false | false | 401 | py | from strtest import str_test
class TestCase(str_test.TestCaseWrapper):
TIMEOUT = 2
def test_1(self):
entradas = [[-1, -2, -3],[-1, -2, -3, 0, 1, 2],[0, -1, 1, -2, 2]]
esperados = [[], [1, 2], [1, 2]]
for entrada, esperado in zip(entradas, esperados):
self.assertEqual(esperado, self.function(entrada), 'Não funcionou para a entrada {0}'.format(entrada))
| [
"[email protected]"
] | |
3f3ea32395628def25fe0fafc5c4996611eb9cf0 | 085488720112922ff3aed15f99f3c93911425c4a | /vesper/command/station_name_aliases_preset.py | 0188c41410e63f2a621096eea37ab59056c0769b | [
"MIT"
] | permissive | HaroldMills/Vesper | 0b61d18bc241af22bfc251088fc87d72add6367b | ec92fe5231f54336499db189a3bbc6cb08a19e61 | refs/heads/master | 2023-07-05T22:45:27.316498 | 2023-07-04T11:58:14 | 2023-07-04T11:58:14 | 19,112,486 | 49 | 6 | MIT | 2023-02-14T16:09:19 | 2014-04-24T14:55:34 | Python | UTF-8 | Python | false | false | 377 | py | """Module containing class `StationNameAliasesPreset`."""
from vesper.util.yaml_preset import YamlPreset
class StationNameAliasesPreset(YamlPreset):
"""
Preset that specifies station name aliases.
The preset body is YAML that specifies a mapping from station names
to lists of aliases.
"""
extension_name = 'Station Name Aliases'
| [
"[email protected]"
] | |
5d11bcbbbb8cfe659783ba765ff02b2cd2ea8b0d | 6609c26b4ed72c156104ce282c3cf88c6aac59f6 | /chapter09/example15_formulas.py | a0b854c34b5de02f0e522bd4669039b9c7180405 | [
"MIT"
] | permissive | yordanivh/intro_to_cs_w_python | 4ab9dbbc2963b285b22cacb6648d1300fded18ce | eebbb8efd7ef0d07be9bc45b6b1e8f20737ce01a | refs/heads/master | 2020-09-06T12:25:23.362118 | 2020-02-14T14:07:07 | 2020-02-14T14:07:07 | 220,423,698 | 0 | 0 | MIT | 2020-02-14T14:07:08 | 2019-11-08T08:41:25 | Python | UTF-8 | Python | false | false | 385 | py | #Repetition based on user input
text = ""
while text != "quit":
text = input("Please enter a chemical formula (or 'quit' to exit): ")
if text == "quit":
print("...exiting program")
elif text == "H2O":
print("Water")
elif text == "NH3":
print("Ammonia")
elif text == "CH4":
print("Methane")
else:
print("Unknown compound") | [
"[email protected]"
] | |
10ad81e1ec0dbb45e3b86748b126cb9c94ee3c97 | 043e511436798e9aed96052baddac7a353ac6562 | /printZigZagMatrix.py | 88bb65c74eabe5d24283634c30dbb4d1b1d12569 | [] | no_license | bch6179/Pyn | 01e19f262cda6f7ee1627d41a829609bde153a93 | e718fcb6b83664d3d6413cf9b2bb4a875e62de9c | refs/heads/master | 2021-01-22T21:28:13.982722 | 2017-05-05T07:21:19 | 2017-05-05T07:21:19 | 85,434,828 | 1 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,623 | py | Solution(object):
def printZigZagMatrix(self, A):
n,m = len(A), len(A[0])
x,y=0,0
x = []
for i in range(n+m):
if i % 2 == 0:
x = i
while x >= 0:
if x <= m and (i-x) <= n:
res.append(A[x][i-x])
x -= 1
else:
x = i
while x <= m:
if x <= m and (i-x) <= n:
res.append( A[x][i-x] )
x += 1
return res
def printZMatrix(self, matrix):
if len(matrix) == 0:
return []
x, y = 0, 0
n, m = len(matrix), len(matrix[0])
rows, cols = range(n), range(m)
dx = [1, -1]
dy = [-1, 1]
direct = 1
result = []
for i in xrange(len(matrix) * len(matrix[0])):
result.append(matrix[x][y])
nextX = x + dx[direct]
nextY = y + dy[direct]
if nextX not in rows or nextY not in cols:
if direct == 1:
if nextY >= m:
nextX, nextY = x + 1, y
else:
nextX, nextY = x, y + 1
else:
if nextX >= n:
nextX, nextY = x, y + 1
else:
nextX, nextY = x + 1, y
direct = 1 - direct
x, y = nextX, nextY
return result
| [
"[email protected]"
] | |
6dc24e6e9dc2ac5b81fe106aafe9c9efcdd3c231 | 1f98ccf9ef52d3adab704676480c85fe22c9542d | /simpledb/tx/TxTest.py | 2243678f4f85a87127d5ea2fc6e3c2c891fab0d3 | [] | no_license | 61515/simpleDB_Python | 234c671cbbf57f3e8fc5489ec4c292365085b7a8 | b6846da4a78369838f5b3c7a704de704e18f7be7 | refs/heads/master | 2023-02-22T14:07:52.660633 | 2021-01-24T02:25:40 | 2021-01-24T02:25:40 | 332,343,905 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,773 | py | from simpledb.buffer.BufferMgr import BufferMgr
from simpledb.file.BlockId import BlockId
from simpledb.log.LogMgr import LogMgr
from simpledb.tx.Transaction import Transaction
from simpledb.util.File import File
from simpledb.file.FileMgr import FileMgr
class TxTest(object):
@classmethod
def main(cls, args):
# db = SimpleDB("txtest", 400, 8)
fm = FileMgr(File("txtest"), 400)
lm = LogMgr(fm, "simpledb.log")
bm = BufferMgr(fm, lm, 8)
tx1 = Transaction(fm, lm, bm)
blk = BlockId("testfile", 1)
tx1.pin(blk)
# The block initially contains unknown bytes,
# so don't log those values here.
tx1.setInt(blk, 80, 1, False)
tx1.setString(blk, 40, "one", False)
tx1.commit()
tx2 = Transaction(fm, lm, bm)
tx2.pin(blk)
ival = tx2.getInt(blk, 80)
sval = tx2.getString(blk, 40)
print("initial value at location 80 = " + str(ival))
print("initial value at location 40 = " + str(sval))
newival = ival + 1
newsval = sval + "!"
tx2.setInt(blk, 80, newival, True)
tx2.setString(blk, 40, newsval, True)
tx2.commit()
tx3 = Transaction(fm, lm, bm)
tx3.pin(blk)
print("new value at location 80 = " + str(tx3.getInt(blk, 80)))
print("new value at location 40 = " + tx3.getString(blk, 40))
tx3.setInt(blk, 80, 9999, True)
print("pre-rollback value at location 80 = " + str(tx3.getInt(blk, 80)))
tx3.rollback()
tx4 = Transaction(fm, lm, bm)
tx4.pin(blk)
print("post-rollback at location 80 = " + str(tx4.getInt(blk, 80)))
tx4.commit()
if __name__ == '__main__':
import sys
TxTest.main(sys.argv)
| [
"[email protected]"
] | |
3b852eab16c802fad017d8dbc780791730df3e35 | 8eadd4c7db6872f28592333207b23a6e9309aba7 | /cities/migrations/0019_hotel_city.py | 5c67acf480e7b48ac8f8eb8188f58c5733437c25 | [] | no_license | tripupp/Sep19 | 142255904d186845f0f5cdc5b04064fa081c9e6d | 4e9ab2077be21c914f2f0207e64268fe6f98224d | refs/heads/master | 2022-11-23T23:46:01.512565 | 2019-09-19T19:46:20 | 2019-09-19T19:46:20 | 205,845,957 | 0 | 1 | null | 2022-11-22T04:13:26 | 2019-09-02T11:51:07 | CSS | UTF-8 | Python | false | false | 510 | py | # Generated by Django 2.2.4 on 2019-09-17 23:17
from django.db import migrations, models
import django.db.models.deletion
class Migration(migrations.Migration):
dependencies = [
('cities', '0018_hotel_hotelfacility'),
]
operations = [
migrations.AddField(
model_name='hotel',
name='city',
field=models.ForeignKey(default=3, on_delete=django.db.models.deletion.CASCADE, to='cities.City'),
preserve_default=False,
),
]
| [
"[email protected]"
] | |
bf41d3301840a07139a8656932fa600b19eeaa9d | b1ff576cdde5adf698b98446538e0b56d18f070f | /klasses/migrations/0003_auto_20210308_1410.py | 38ed54499f645f695f7d61108f3d1d74e57c9592 | [] | no_license | DUMBALINYOLO/gbc_oms | e3cfba17a12f3600b6503fc70cc9f3dcab5cc0e2 | cdea6fd81333088b2db9911140681fec9577132a | refs/heads/main | 2023-08-20T11:48:36.418990 | 2021-10-11T23:25:35 | 2021-10-11T23:25:35 | 322,593,446 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 539 | py | # Generated by Django 3.1.5 on 2021-03-08 12:10
from django.db import migrations, models
import django.db.models.deletion
class Migration(migrations.Migration):
dependencies = [
('people', '0001_initial'),
('klasses', '0002_auto_20210201_1054'),
]
operations = [
migrations.AlterField(
model_name='studentclass',
name='class_teacher',
field=models.ForeignKey(null=True, on_delete=django.db.models.deletion.SET_NULL, to='people.teacherprofile'),
),
]
| [
"[email protected]"
] | |
e0606d6d38fc089b63725df350a5cdfd84866c17 | 85a32fc66050b5590f6a54774bbb4b88291894ab | /10-days-of-statistics/day-8-least-square-regression-line/python3.py | 8b9028d791e8278e76ef465b56d78615f88c5516 | [] | no_license | charlesartbr/hackerrank-python | 59a01330a3a6c2a3889e725d4a29a45d3483fb01 | bbe7c6e2bfed38132f511881487cda3d5977c89d | refs/heads/master | 2022-04-29T07:40:20.244416 | 2022-03-19T14:26:33 | 2022-03-19T14:26:33 | 188,117,284 | 46 | 37 | null | 2022-03-19T14:26:34 | 2019-05-22T21:38:18 | Python | UTF-8 | Python | false | false | 387 | py | x = [95, 85, 80, 70, 60]
y = [85, 95, 70, 65, 70]
n = len(x)
mean_x = sum(x) / n
mean_y = sum(y) / n
square_x = sum(x[i] ** 2 for i in range(n))
product_xy = sum(x[i] * y[i] for i in range(n))
b = ((n * product_xy) - (sum(x) * sum(y))) / ((n * square_x) - (sum(x) ** 2))
a = mean_y - (b * mean_x)
score_x = 80
# regression line
score_y = a + (b * score_x)
print(round(score_y, 3)) | [
"[email protected]"
] | |
5c0b1ed0af605cfca6411fb25f4e72fc5d812943 | f9fe13fe62ba3fb1fb096da4268d5dc43e435ea4 | /52)convert_num_to_words.py | e2ec69789424a1254d41ee6f1e0853fc530c1494 | [] | no_license | MANNEMPRATAPVARUN/guvipy | 7e460da8b9d98c2fcd488757585d5bd207570666 | 4da4fe4f3d4855e14383015da19588ef0aea4f32 | refs/heads/master | 2020-06-10T01:22:26.063815 | 2019-06-12T13:44:44 | 2019-06-12T13:44:44 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 324 | py | n1=int(input())
if(n1==1):
print("one")
elif(n1==2):
print("two")
elif(n1==3):
print("three")
elif(n1==4):
print("four")
elif(n1==5):
print("five")
elif(n1==6):
print("six")
elif(n1==7):
print("seven")
elif(n1==8):
print("eight")
elif(n1==9):
print("nine")
elif(n1==10):
print("ten")
| [
"[email protected]"
] | |
f226d0ef2e31d350f86f78906f0565ae5e9b2432 | eb40a068cef3cabd7a0df37a0ec2bde3c1e4e5ae | /imperative/python/megengine/data/tools/_queue.py | 9acd8396acb4078c93b51588585ba3c9a4325c34 | [
"Apache-2.0",
"LicenseRef-scancode-generic-cla"
] | permissive | tpoisonooo/MegEngine | ccb5c089a951e848344f136eaf10a5c66ae8eb6f | b8f7ad47419ef287a1ca17323fd6362c6c69445c | refs/heads/master | 2022-11-07T04:50:40.987573 | 2021-05-27T08:55:50 | 2021-05-27T08:55:50 | 249,964,363 | 1 | 0 | NOASSERTION | 2021-05-27T08:55:50 | 2020-03-25T11:48:35 | null | UTF-8 | Python | false | false | 5,241 | py | # -*- coding: utf-8 -*-
# MegEngine is Licensed under the Apache License, Version 2.0 (the "License")
#
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
#
# Unless required by applicable law or agreed to in writing,
# software distributed under the License is distributed on an
# "AS IS" BASIS, WITHOUT ARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
import binascii
import os
import queue
import subprocess
from multiprocessing import Queue
import pyarrow
import pyarrow.plasma as plasma
MGE_PLASMA_MEMORY = int(os.environ.get("MGE_PLASMA_MEMORY", 4000000000)) # 4GB
# Each process only need to start one plasma store, so we set it as a global variable.
# TODO: how to share between different processes?
MGE_PLASMA_STORE_MANAGER = None
def _clear_plasma_store():
# `_PlasmaStoreManager.__del__` will not be called automaticly in subprocess,
# so this function should be called explicitly
global MGE_PLASMA_STORE_MANAGER
if MGE_PLASMA_STORE_MANAGER is not None and MGE_PLASMA_STORE_MANAGER.refcount == 0:
del MGE_PLASMA_STORE_MANAGER
MGE_PLASMA_STORE_MANAGER = None
class _PlasmaStoreManager:
__initialized = False
def __init__(self):
self.socket_name = "/tmp/mge_plasma_{}".format(
binascii.hexlify(os.urandom(8)).decode()
)
debug_flag = bool(os.environ.get("MGE_DATALOADER_PLASMA_DEBUG", 0))
# NOTE: this is a hack. Directly use `plasma_store` may make subprocess
# difficult to handle the exception happened in `plasma-store-server`.
# For `plasma_store` is just a wrapper of `plasma-store-server`, which use
# `os.execv` to call the executable `plasma-store-server`.
cmd_path = os.path.join(pyarrow.__path__[0], "plasma-store-server")
self.plasma_store = subprocess.Popen(
[cmd_path, "-s", self.socket_name, "-m", str(MGE_PLASMA_MEMORY),],
stdout=None if debug_flag else subprocess.DEVNULL,
stderr=None if debug_flag else subprocess.DEVNULL,
)
self.__initialized = True
self.refcount = 1
def __del__(self):
if self.__initialized and self.plasma_store.returncode is None:
self.plasma_store.kill()
class PlasmaShmQueue:
def __init__(self, maxsize: int = 0):
r"""
Use pyarrow in-memory plasma store to implement shared memory queue.
Compared to native `multiprocess.Queue`, `PlasmaShmQueue` avoid pickle/unpickle
and communication overhead, leading to better performance in multi-process
application.
:type maxsize: int
:param maxsize: maximum size of the queue, `None` means no limit. (default: ``None``)
"""
# Lazy start the plasma store manager
global MGE_PLASMA_STORE_MANAGER
if MGE_PLASMA_STORE_MANAGER is None:
try:
MGE_PLASMA_STORE_MANAGER = _PlasmaStoreManager()
except Exception as e:
err_info = (
"Please make sure pyarrow installed correctly!\n"
"You can try reinstall pyarrow and see if you can run "
"`plasma_store -s /tmp/mge_plasma_xxx -m 1000` normally."
)
raise RuntimeError(
"Exception happened in starting plasma_store: {}\n"
"Tips: {}".format(str(e), err_info)
)
else:
MGE_PLASMA_STORE_MANAGER.refcount += 1
self.socket_name = MGE_PLASMA_STORE_MANAGER.socket_name
# TODO: how to catch the exception happened in `plasma.connect`?
self.client = None
# Used to store the header for the data.(ObjectIDs)
self.queue = Queue(maxsize) # type: Queue
def put(self, data, block=True, timeout=None):
if self.client is None:
self.client = plasma.connect(self.socket_name)
try:
object_id = self.client.put(data)
except plasma.PlasmaStoreFull:
raise RuntimeError("plasma store out of memory!")
try:
self.queue.put(object_id, block, timeout)
except queue.Full:
self.client.delete([object_id])
raise queue.Full
def get(self, block=True, timeout=None):
if self.client is None:
self.client = plasma.connect(self.socket_name)
object_id = self.queue.get(block, timeout)
if not self.client.contains(object_id):
raise RuntimeError(
"ObjectID: {} not found in plasma store".format(object_id)
)
data = self.client.get(object_id)
self.client.delete([object_id])
return data
def qsize(self):
return self.queue.qsize()
def empty(self):
return self.queue.empty()
def join(self):
self.queue.join()
def disconnect_client(self):
if self.client is not None:
self.client.disconnect()
def close(self):
self.queue.close()
self.disconnect_client()
global MGE_PLASMA_STORE_MANAGER
MGE_PLASMA_STORE_MANAGER.refcount -= 1
_clear_plasma_store()
def cancel_join_thread(self):
self.queue.cancel_join_thread()
| [
"[email protected]"
] | |
976b4d718dda1ead16bd28d32cc7063864b631dd | e10a6d844a286db26ef56469e31dc8488a8c6f0e | /norml/train_maml.py | 1b115e00c874ca240844f93a803a8535781b8616 | [
"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,731 | 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.
r"""A short script for training MAML.
Example to run
python -m norml.train_maml --config MOVE_POINT_ROTATE_MAML
"""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
from absl import flags
from dotmap import DotMap
import tensorflow.compat.v1 as tf
from norml import config_maml
from norml import maml_rl
FLAGS = flags.FLAGS
flags.DEFINE_string('config', 'RL_PENDULUM_GYM_CONFIG_META',
'Configuration for training.')
def main(argv):
del argv # Unused
config = DotMap(getattr(config_maml, FLAGS.config))
print('MAML config: %s' % FLAGS.config)
tf.logging.info('MAML config: %s', FLAGS.config)
algo = maml_rl.MAMLReinforcementLearning(config)
sess_config = tf.ConfigProto(allow_soft_placement=True)
sess_config.gpu_options.allow_growth = True
with tf.Session(config=sess_config) as sess:
algo.init_logging(sess)
init = tf.global_variables_initializer()
sess.run(init)
done = False
while not done:
done, _ = algo.train(sess, 10)
algo.stop_logging()
if __name__ == '__main__':
tf.app.run()
| [
"[email protected]"
] | |
543fd4be6b22c96bcaa75db052979e4302c6b24d | 52f0984561895b48f3e6e40658a6e52c97705715 | /python-folder/serverless2.py | ddcd1ce97acb5419e4a251fe3bee710c7535e509 | [] | no_license | jsanon01/python | 8da2755e7724850875518455c1760bb9f04dd873 | edd52214e3578f18b71b0ad944c287411fb23dfb | refs/heads/master | 2022-05-20T00:29:10.550169 | 2022-05-10T01:08:48 | 2022-05-10T01:08:48 | 165,682,490 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 3,377 | py | """
I want to import website for Reference
I want a function named 'compute'
I want a function named 'storage'
I want a function named 'data_stores'
I want a function named 'api_proxy'
I want a function named 'api_integration'
I want a function named 'analytics'
I want a function named 'dev_tool'
I want a function named 'orchestration'
I want to print out a menu to display 'main loop function'
I want a while statement inside the main function calling sub-functions
"""
import webbrowser
def compute():
print('Compute:\n- Lambda lets you run code without provisioning servers.\n- Lamda Edges manages CloudFront.\n- Fargate is a built-purpose containers.')
def storage():
print('Storage:\n- S3 provides secure web interface from any web around the world.\n- EFS provides simple, and elastic file storage.')
def data_stores():
print('Data Stores:\n- DynamoDB is a fast and flexible No SQL DB.\n- Aurora Serverless is an auto-scaling configuration for Aurora/MySQL.\n- Amazon RDS Proxy is a H.A. DB managing 1000 of connections to relational DBs.')
def api_proxy():
print('API Proxy:\nAPI Gateway is a fully managed service to create, maintain, publish, monitor, and secure APIs at any scale....')
def api_integration():
print('Application Integration:\n- Amazon SNS is a fully managed pub/sub messaging service designing to decouple and scale microservices.\n- Amazon SQS is a fully managed message queuing service designing to decouple and scale microservices.\n- AWS AppSync simplifies application development by creating data from one or more data sources.\n- Amazon EventBridge is a serverless event bus service designing to access application from a variety of sources to your AWS environment.\n...')
def analytics():
print('Analytics:\n- Amazon Kinesis is a platform for streaming data on AWS.\n- Amazon Athena is an interactice query analyzing data into S3 using standard SQL.')
def dev_tool():
print('Developer Tools:\n- AWS provides tools and services that aid developers in the serverless application development process.')
def orchestration():
print('AWS Step Functions:\n- AWS Step Functions coordinates the components of distributed applications using visual workflows.')
print("\nThis script prints out a Menu to display 'Main Loop function.'")
def main():
print("\nHere are the following AWS 'serverless' services:\n[0] Quit\t\t[1] Compute\t\t[2] Storage\t[3] Data Stores\n[4] API Proxy\t\t[5] API Integration\t[6] Analytics\t[7] Dev Tools\n[8] Orchestration\t[9] AWS Website\t\t[10] Google ")
aws = int(input('\nEnter a number from 0 - 9: '))
while aws:
if aws == 1:
compute()
elif aws == 2:
storage()
elif aws == 3:
data_stores()
elif aws == 4:
api_proxy()
elif aws == 5:
api_integration()
elif aws == 6:
analytics()
elif aws == 7:
dev_tool()
elif aws == 8:
orchestration()
elif aws == 9:
webbrowser.open('https://aws.amazon.com/serverless/')
elif aws == 10:
webbrowser.open('https://google.com')
else:
print('Invalid number.')
aws = int(input('\nEnter a number from 0 - 10: '))
print('\nExiting the script...!')
main()
print()
| [
"[email protected]"
] | |
5883b13a008f89976e099bb9238c124fc37ad18d | ca7aa979e7059467e158830b76673f5b77a0f5a3 | /Python_codes/p03273/s686375641.py | da4e84ee5bc242bc4a53671532a88a0e7dd849e7 | [] | 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 | 876 | py | H,W = map(int,input().split())
A = [list(input()) for _ in range(H)]
B = [[0 for _ in range(W)] for _ in range(H)]
for i in range(H):
for j in range(W):
if A[i][j]=="#":
B[i][j] = 1
C = []
for i in range(H-1,-1,-1):
if sum(B[i])==0:
C.append(i)
B1 = []
for i in range(H):
if i not in C:
B1.append(B[i])
C = []
for j in range(W):
flag = 0
for i in range(len(B1)):
if B1[i][j]==1:
flag = 1
break
if flag==0:
C.append(j)
B2 = []
for i in range(len(B1)):
row = []
for j in range(W):
if j not in C:
row.append(B1[i][j])
B2.append(row)
B3 = []
for i in range(len(B2)):
x = ""
for j in range(len(B2[i])):
if B2[i][j]==0:
x += "."
else:
x += "#"
B3.append(x)
for i in range(len(B3)):
print(B3[i]) | [
"[email protected]"
] | |
a0187e3cf9f492ef6c1bc89361772c035ddcc37f | 2ed229651c21f552b61c2a2e520450d20795780f | /simple_issue_tracker/issue/migrations/0003_auto_20180331_0756.py | 2e079cb4b6193e0bd6c65a5a589f0d070d56a4b3 | [] | no_license | SurendraKumar19/LaunchYard | 360c2fbff58f453e5e1d21716ba033ce0203e279 | 8be7d967f986320cf212799e4a30b19724904cf2 | refs/heads/master | 2020-03-07T18:59:31.975463 | 2018-04-02T04:16:24 | 2018-04-02T04:16:24 | 127,658,734 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 628 | py | # -*- coding: utf-8 -*-
# Generated by Django 1.11 on 2018-03-31 07:56
from __future__ import unicode_literals
from django.conf import settings
from django.db import migrations, models
import django.db.models.deletion
class Migration(migrations.Migration):
dependencies = [
('issue', '0002_auto_20180330_1804'),
]
operations = [
migrations.AlterField(
model_name='issue',
name='assigned_to',
field=models.ForeignKey(blank=True, null=True, on_delete=django.db.models.deletion.CASCADE, related_name='assigned_to', to=settings.AUTH_USER_MODEL),
),
]
| [
"="
] | = |
79af61c92daf1293ef0ba0bfcb34804805052a22 | 36c00fe2afff4818c937e312ce0c6a79f35e2a77 | /7-kyu/array2binary-addition/python/solution.py | bcd80ff9c75f338e4958aaaaad30c2952f46cf09 | [] | no_license | p-lots/codewars | 0a67b6ee4c91180ff78c648421b9d2d64463ddc3 | 535faeee475c6b398124d6f5002b0e111406e8bb | refs/heads/master | 2023-08-23T22:14:33.635011 | 2023-08-23T13:30:37 | 2023-08-23T13:30:37 | 195,320,309 | 0 | 0 | null | 2023-05-09T19:25:50 | 2019-07-05T01:40:15 | Python | UTF-8 | Python | false | false | 102 | py | def arr2bin(arr):
return bin(sum(arr))[2:] if all(type(elem) == int for elem in arr) else False
| [
"[email protected]"
] | |
c03da917bab449ab5a0857c6e6e2c45956ddfbcd | f0e9efbb0b90ff3f6c3796ab5cfcfecd3d937188 | /travel_buddy/apps/first_app/views.py | 6565dd2f866b03559a79d10cee1eef1fe5aac969 | [] | no_license | john-gore/belt_exam_travel | 9d6a05b6128ab4d8d3ac50c80784e383e0098a44 | 2d32a22aa66f58a0835e7d3daedeab83925a0a8c | refs/heads/master | 2021-07-21T11:54:26.658977 | 2017-10-27T21:42:54 | 2017-10-27T21:42:54 | 108,598,248 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 2,039 | py | from django.shortcuts import render, HttpResponse, redirect
from django.core.urlresolvers import reverse
from .models import User, Trip
from django.contrib import messages
def index(request):
return render(request, "login.html")
def register(request):
result = User.objects.validate_registration(request.POST)
if type(result) == list:
for err in result:
messages.error(request, err)
return redirect('/')
request.session['user_id'] = result.id
messages.success(request, "Logged in!!")
return redirect("/success")
def login(request):
result = User.objects.validate_login(request.POST)
if type(result) == list:
for err in result:
messages.error(request, err)
return redirect('/')
request.session['user_id'] = result.id
messages.success(request, "Successfully logged in!")
return redirect('/success')
def success(request):
try:
request.session['user_id']
except KeyError:
return redirect('/')
return redirect('/dash')
def dash(request):
this_user = User.objects.get(id = request.session['user_id'])
context = {
'users': User.objects.get(id=request.session['user_id']),
'all_users': Trip.objects.exclude(user = this_user),
'trips': Trip.objects.filter(user = this_user),
}
return render(request, 'dashboard.html', context)
def add_trip(request):
this_user = User.objects.get(id = request.session['user_id'])
this_trip = Trip.objects.create(destination_name = request.POST
['destination'], description = request.POST['description'], travel_from = request.POST['travel_from'], travel_to = request.POST['travel_to'])
this_trip.user.add(this_user)
return redirect('/dash')
def adddestination(request, id):
this_trip = Trip.objects.get(id=id)
this_user = User.objects.get(id = request.session['user_id'])
this_trip.user.add(this_user)
return redirect("/dash")
def destination(request, id):
return render(request, "destination.html")
| [
"[email protected]"
] | |
3565507f8d9a85c2327ed93fe28b09dfd4f644e6 | f4b5721c6b3f5623e306d0aa9a95ec53461c1f89 | /backend/src/gloader/xml/xpath/Context.py | f82a5fa07e901b4eb84d3947e8023d537613d205 | [
"MIT"
] | permissive | citelab/gini5 | b53e306eb5dabf98e9a7ded3802cf2c646f32914 | d095076113c1e84c33f52ef46a3df1f8bc8ffa43 | refs/heads/uml-rename | 2022-12-10T15:58:49.578271 | 2021-12-09T23:58:01 | 2021-12-09T23:58:01 | 134,980,773 | 12 | 11 | MIT | 2022-12-08T05:20:58 | 2018-05-26T17:16:50 | Python | UTF-8 | Python | false | false | 2,193 | py | ########################################################################
#
# File Name: Context.py
#
#
"""
The context of an XPath expression.
WWW: http://4suite.org/XPATH e-mail: [email protected]
Copyright (c) 2000-2001 Fourthought Inc, USA. All Rights Reserved.
See http://4suite.org/COPYRIGHT for license and copyright information
"""
import xml.dom.ext
import CoreFunctions
class Context:
functions = CoreFunctions.CoreFunctions
def __init__(self,
node,
position=1,
size=1,
varBindings=None,
processorNss=None):
self.node = node
self.position = position
self.size = size
self.varBindings = varBindings or {}
self.processorNss = processorNss or {}
self._cachedNss = None
self._cachedNssNode = None
self.stringValueCache = {}
return
def __repr__(self):
return "<Context at %s: Node=%s, Postion=%d, Size=%d>" % (
id(self),
self.node,
self.position,
self.size
)
def nss(self):
if self._cachedNss is None or self.node != self._cachedNssNode:
nss = xml.dom.ext.GetAllNs(self.node)
self._cachedNss = nss
self._cachedNssNode = self.node
return self._cachedNss
def next(self):
pass
def setNamespaces(self, processorNss):
self.processorNss = processorNss
def copyNamespaces(self):
return self.processorNss.copy()
def setVarBindings(self, varBindings):
self.varBindings = varBindings
def copyVarBindings(self):
#FIXME: should this be deep copy, because of the possible list entries?
return self.varBindings.copy()
def copyNodePosSize(self):
return (self.node, self.position, self.size)
def setNodePosSize(self,(node,pos,size)):
self.node = node
self.position = pos
self.size = size
def copy(self):
newdict = self.__dict__.copy()
newdict["varBindings"] = self.varBindings.copy()
return newdict
def set(self,d):
self.__dict__ = d
| [
"[email protected]"
] | |
71e2016edbb152b6c30a8d3f50f6cea2e63b1cb2 | 8d56828fb72dcbb502a857c48394ee3684120745 | /parsers/pe_hdr.py | 691798f51cd9c757b0c1468369c4f99201b1566b | [
"MIT"
] | permissive | ArseniySky/mitra | 1a26166e39df76d4472ce2a3000fca46e5327034 | bb6038587300d34072cda1409e3bb72772b11dc9 | refs/heads/master | 2023-01-03T05:39:51.486063 | 2020-10-24T15:35:56 | 2020-10-24T15:35:56 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,695 | py | #!/usr/bin/env python
from parsers import FType
from helpers import *
class parser(FType):
DESC = "Portable Executable (hdr)"
TYPE = "PE(hdr)"
MAGIC = b"MZ"
def __init__(self, data=""):
FType.__init__(self, data)
self.data = data
self.bAppData = True # let's not have duplicates
self.bParasite = True
# alignment, but actually first physical offset of a section for big headers
self.cut = 2
self.prewrap = 0
self.parasite_o = 0x50
self.parasite_s = 0x100
self.cut = 2
def fixparasite(self, parasite):
# padding
ALIG = 4
if len(parasite) % ALIG > 0:
parasite += (ALIG-(len(parasite) % ALIG)) * b"\0"
return parasite
def parasitize(self, fparasite):
# strategy: add parasite between DOS and PE headers
# TODO: turn this into fixformat
host = self.data
parasite = self.fixparasite(fparasite.data)
delta = len(parasite)
DOSHdr_s = 0x40
# move the PE header at the right offset
PEhdr_o = DOSHdr_s + delta
PEHeadersMax = 0x200 # could be adjusted for bigger headers - 0x400 for cuphead
PEoffset = host.find(b"PE\0\0")
peHDR = host[PEoffset:PEHeadersMax].rstrip(b"\0") # roughly accurate :p
if PEhdr_o + len(peHDR) > PEHeadersMax:
return None, []
# update SizeOfHeaders
SoH_o = 0x54 # local header in the PE header
SoH_s = 4
peHDR = inc4l(peHDR, SoH_o, delta)
# combine new PE header with rest of the PE
merged = b"".join([
b"MZ", # Magic
b"\0" * (DOSHdr_s-2-4), # DOS header slack space
int4l(PEhdr_o), # pointer to new PE header offset
parasite,
peHDR,
b"\0" * (PEHeadersMax - PEhdr_o - len(peHDR)),
host[PEHeadersMax:],
])
return merged, [DOSHdr_s, PEhdr_o]
| [
"[email protected]"
] | |
c3bf55ecaebb7517aa85a0abef26fdf5363f20dd | e730c3367959c0d46a4d776442704fec24b84afd | /guoke_spider/pipelines.py | 0148d313b6cb0bf2b7a2554e0d257e74afdf9841 | [] | no_license | IanChen6/guoke_spider | 3baf4f110856b951ccf4b33c9a30d74287a12e0d | 90c0e99ad752d421c46117a26af448bede8d5e9c | refs/heads/master | 2021-01-23T18:44:36.839711 | 2017-09-08T01:57:43 | 2017-09-08T01:57:43 | 101,175,667 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 4,274 | py | # -*- coding: utf-8 -*-
# Define your item pipelines here
#
# Don't forget to add your pipeline to the ITEM_PIPELINES setting
# See: http://doc.scrapy.org/en/latest/topics/item-pipeline.html
import codecs
import json
import MySQLdb
import pymysql as pymysql
from scrapy.pipelines.images import ImagesPipeline
from twisted.enterprise import adbapi
import os
from scrapy.exporters import JsonItemExporter
class GuokeSpiderPipeline(object):
def process_item(self, item, spider):
return item
#自定义json文件的导出
class JsonWithEncodingPipeline(object):
'''
返回json数据到文件
'''
def __init__(self):
self.file = codecs.open("article.json",'w',encoding="utf-8")
def process_item(self, item, spider):
lines = json.dumps(dict(item),ensure_ascii=False) + "\n"
self.file.write(lines)
return item
def spider_closed(self,spider):
self.file.close()
class JsonExporterPipeline(object):
# scrapy提供的Json export 导出json文件
def __init__(self):
self.file = codecs.open("articlexport.json",'wb')
self.exporter=JsonItemExporter(self.file,encoding="utf-8",ensure_ascii=False)
self.exporter.start_exporting()
def spider_closed(self,spider):
self.exporter.finish_exporting()
self.file.close()
def process_item(self,item,spider):
self.exporter.export_item(item)
return item
class MysqlPipeline(object):
'''
插入mysql数据库
'''
def __init__(self):
self.conn =pymysql.connect(host='172.24.22.178',port=3306,user='root',passwd='1029384756',db='bole_spider',use_unicode=True, charset="utf8")
self.cursor = self.conn.cursor()
def process_item(self,item,spider):
insert_sql = '''
insert into boleitem(title,create_date,url,url_object_id,front_image_url,front_image_path,comment_nums,fav_nums,praise_nums,tag,content) VALUES (%s,%s,%s,%s,%s,%s,%s,%s,%s,%s,%s)
'''
# mysql> GRANT ALL PRIVILEGES ON *.* TO 'root'@'%' IDENTIFIED BY '123456' WITH GRANT OPTION; 解决访问被拒绝
self.cursor.execute(insert_sql,(item["title"],item["create_date"],item["url"],item["url_object_id"],item["front_image_url"],item["front_image_path"],item["comment_nums"],item["fav_nums"],item["praise_nums"],item["tag"],item["content"]))
self.conn.commit()#connect执行commit
# class MysqlTwistedPipline(object):
# '''
# 采用异步的方式插入数据,防止造成堵塞(上面那个方法会堵塞)
# '''
# def __init__(self,dbpool):
# self.dbpool = dbpool
#
# @classmethod
# def from_settings(cls,settings):
#
# # dbpool = adbapi.ConnectionPool("pymysql",host='172.24.22.178',port=3306,user='root',passwd='1029384756',db='bole_spider',use_unicode=True, charset="utf8")
#
# dbpool = adbapi.ConnectionPool(DB_SERVER,**DB_CONNECT)
# return cls(dbpool)
# def process_item(self,item,spider):
# '''
# 使用twisted将mysql插入变成异步
# :param item:
# :param spider:
# :return:
# '''
# query = self.dbpool.runInteraction(self.do_insert,item)
#
# query.addErrback(self.handle_error)
#
# def handle_error(self,failure):
# #处理异步插入的异常
# print(failure)
#
# def do_insert(self,cursor,item):
# #具体插入数据
# insert_sql = '''
# insert into jobbole_article(title,create_date,url,url_object_id,front_image_url,front_image_path,comment_nums,fav_nums,praise_nums,tag,content) VALUES (%s,%s,%s,%s,%s,%s,%s,%s,%s,%s,%s)
# '''
# cursor.execute(insert_sql,(item["title"],item["create_date"],item["url"],item["url_object_id"],item["front_image_url"],item["front_image_path"],item["comment_nums"],item["fav_nums"],item["praise_nums"],item["tag"],item["content"]))
#
class ArticleImagePipeline(ImagesPipeline):
'''
对图片的处理
'''
def item_completed(self, results, item, info):
for ok ,value in results:
if ok:
image_file_path = value["path"]
item['front_image_path'] = image_file_path
else:
item['front_image_path'] = ""
return item | [
"[email protected]"
] | |
41bfa16dc61c56da11b0ac61055d62943d6efcf4 | 76b1e713a3057e6f08abc116814af00891dbc2ef | /store/models/product.py | c85acce04472c75ceaee1e079948a3a94d9b3407 | [] | no_license | Jay28497/Django-Ecommerce-Website | ed17f6536fe4be4d6db658c46999bb05ec22d3f8 | 2697d376c8ff2720720183c0e475b188ff7b0e33 | refs/heads/master | 2023-03-31T15:20:56.008251 | 2021-04-10T12:21:08 | 2021-04-10T12:21:08 | 355,427,413 | 1 | 0 | null | null | null | null | UTF-8 | Python | false | false | 878 | py | from django.db import models
from .category import Category
class Product(models.Model):
name = models.CharField(max_length=50)
price = models.IntegerField(default=0)
category = models.ForeignKey(Category, on_delete=models.CASCADE, default=1)
description = models.CharField(max_length=200, default='')
image = models.ImageField(upload_to='uploads/products/')
@staticmethod
def get_all_products():
return Product.objects.all()
@staticmethod
def get_all_products_by_category_id(category_id):
if category_id:
return Product.objects.filter(category=category_id)
else:
return Product.objects.all()
@staticmethod
def get_products_by_id(ids):
return Product.objects.filter(id__in=ids)
def __str__(self):
return self.name
class Meta:
db_table = 'Product'
| [
"[email protected]"
] | |
870b89779a326a8ad7f5d0a8ae8f9736e854516a | 46646aaeecc313471ce5b9fbc3ffe98fa2779079 | /tests/test_pitch_shift.py | 0f638710fbd8cddecf6cff6c5bf78c9a7b9ef8f0 | [
"MIT",
"Python-2.0"
] | permissive | psgainz/audiomentations | c57840cc9516564cff00a9db64e8e92807024bfb | a5512965bb59995cbad6a3e5a5994dfaba7185d0 | refs/heads/master | 2020-08-23T01:30:44.289468 | 2019-09-22T13:48:07 | 2019-09-22T13:48:07 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 587 | py | import unittest
import numpy as np
from audiomentations.augmentations.transforms import PitchShift
from audiomentations.core.composition import Compose
class TestPitchShift(unittest.TestCase):
def test_dynamic_length(self):
samples = np.zeros((512,), dtype=np.float32)
sample_rate = 16000
augmenter = Compose([
PitchShift(min_semitones=-2, max_semitones=-1, p=1.0)
])
samples = augmenter(samples=samples, sample_rate=sample_rate)
self.assertEqual(samples.dtype, np.float32)
self.assertEqual(len(samples), 512)
| [
"[email protected]"
] | |
7761e5f25a807647a04357adc679ee7e8ac02fa0 | 7c8bd2e26fdabf1555e0150272ecf035f6c21bbd | /dp/금광.py | 8190eebcd06649d3cf24238703d4170ac0996cbf | [] | no_license | hyeokjinson/algorithm | 44090c2895763a0c53d48ff4084a96bdfc77f953 | 46c04e0f583d4c6ec4f51a24f19a373b173b3d5c | refs/heads/master | 2021-07-21T10:18:43.918149 | 2021-03-27T12:27:56 | 2021-03-27T12:27:56 | 245,392,582 | 1 | 0 | null | null | null | null | UTF-8 | Python | false | false | 764 | py | T=int(input())
for _ in range(T):
n,m=map(int,input().split())
arr=list(map(int,input().split()))
dp=[]
index=0
for i in range(n):
dp.append(arr[index:index+m])
index+=m
for j in range(1,m):
for i in range(n):
#왼쪽 위에서 오는 경우
if i==0:
left_up=0
else:
left_up=dp[i-1][j-1]
#왼쪽에서 오는 경우
left=dp[i][j-1]
#왼쪽 아래에서 오는경우
if i==n-1:
left_down=0
else:
left_down=dp[i+1][j-1]
dp[i][j]=max(left_down,left,left_up)+dp[i][j]
res=0
for i in range(n):
res=max(res,dp[i][m-1])
print(res) | [
"[email protected]"
] | |
663b87517554847f85f756083b55562af5062418 | 24b1258616111c3b585e137ee64f1395e73f18db | /torch/testing/_deprecated.py | 3cf7338bff889e10f349fd6b7aab1548aed2db30 | [
"BSD-2-Clause",
"BSD-3-Clause",
"LicenseRef-scancode-generic-cla",
"BSL-1.0",
"Apache-2.0"
] | permissive | neginraoof/pytorch | 9ca47c2d32e5b71a24f13232329bea1e5744acda | ed79eff6d3faf126fec8895e83bf5ac28aa1041c | refs/heads/master | 2021-12-13T16:03:02.260731 | 2021-09-09T20:37:36 | 2021-09-09T20:37:36 | 193,156,038 | 1 | 0 | NOASSERTION | 2021-01-15T23:15:32 | 2019-06-21T20:23:32 | C++ | UTF-8 | Python | false | false | 2,590 | py | """This module exists since the `torch.testing` exposed a lot of stuff that shouldn't have been public. Although this
was never documented anywhere, some other internal FB projects as well as downstream OSS projects might use this. Thus,
we don't internalize without warning, but still go through a deprecation cycle.
"""
import functools
import warnings
from typing import Any, Callable, Optional, Tuple
import torch
__all__ = [
"rand",
"randn",
"assert_allclose",
]
def warn_deprecated(instructions: str) -> Callable:
def outer_wrapper(fn: Callable) -> Callable:
msg = (
f"torch.testing.{fn.__name__} is deprecated and will be removed in a future release. "
f"{instructions.strip()}"
)
@functools.wraps(fn)
def inner_wrapper(*args: Any, **kwargs: Any) -> Any:
warnings.warn(msg, FutureWarning)
return fn(*args, **kwargs)
return inner_wrapper
return outer_wrapper
rand = warn_deprecated("Use torch.rand instead.")(torch.rand)
randn = warn_deprecated("Use torch.randn instead.")(torch.randn)
_DTYPE_PRECISIONS = {
torch.float16: (1e-3, 1e-3),
torch.float32: (1e-4, 1e-5),
torch.float64: (1e-5, 1e-8),
}
def _get_default_rtol_and_atol(actual: torch.Tensor, expected: torch.Tensor) -> Tuple[float, float]:
actual_rtol, actual_atol = _DTYPE_PRECISIONS.get(actual.dtype, (0.0, 0.0))
expected_rtol, expected_atol = _DTYPE_PRECISIONS.get(expected.dtype, (0.0, 0.0))
return max(actual_rtol, expected_rtol), max(actual_atol, expected_atol)
# TODO: include the deprecation as soon as torch.testing.assert_close is stable
# @warn_deprecated(
# "Use torch.testing.assert_close instead. "
# "For detailed upgrade instructions see https://github.com/pytorch/pytorch/issues/61844."
# )
def assert_allclose(
actual: Any,
expected: Any,
rtol: Optional[float] = None,
atol: Optional[float] = None,
equal_nan: bool = True,
msg: str = "",
) -> None:
if not isinstance(actual, torch.Tensor):
actual = torch.tensor(actual)
if not isinstance(expected, torch.Tensor):
expected = torch.tensor(expected, dtype=actual.dtype)
if rtol is None and atol is None:
rtol, atol = _get_default_rtol_and_atol(actual, expected)
torch.testing.assert_close(
actual,
expected,
rtol=rtol,
atol=atol,
equal_nan=equal_nan,
check_device=True,
check_dtype=False,
check_stride=False,
check_is_coalesced=False,
msg=msg or None,
)
| [
"[email protected]"
] | |
1185038b5add6d6e2bb70633f7fb38a0bd4a4477 | f324cd2cbebd303fd34cd2e26fe1a51c44202d55 | /test/integration/vint/linting/policy/test_prohibit_encoding_opt_after_scriptencoding.py | 867a2e0269f74fa396c1c0c04952e24076736d24 | [
"MIT"
] | permissive | Vimjas/vint | d71579154d177daf458ec68423a66055f90fa308 | e12091830f0ae7311066b9d1417951182fb32eb5 | refs/heads/master | 2023-09-02T07:31:31.299270 | 2022-10-24T13:06:33 | 2022-10-24T13:06:33 | 20,857,415 | 191 | 11 | MIT | 2022-10-24T13:10:00 | 2014-06-15T14:38:32 | Python | UTF-8 | Python | false | false | 2,200 | py | import unittest
from test.asserting.policy import PolicyAssertion, get_fixture_path
from vint.linting.level import Level
from vint.linting.policy.prohibit_encoding_opt_after_scriptencoding import (
ProhibitEncodingOptionAfterScriptEncoding,
)
VALID_ORDER_VIM_SCRIPT = get_fixture_path(
'prohibit_encoding_opt_after_scriptencoding_valid.vim'
)
NO_ENCODING_OPT_VIM_SCRIPT = get_fixture_path(
'prohibit_encoding_opt_after_scriptencoding_valid_no_encoding_opt.vim'
)
NO_SCRIPT_ENCODING_VIM_SCRIPT = get_fixture_path(
'prohibit_encoding_opt_after_scriptencoding_valid_no_scriptencoding.vim'
)
INVALID_ORDER_VIM_SCRIPT = get_fixture_path(
'prohibit_encoding_opt_after_scriptencoding_invalid.vim'
)
class TestProhibitEncodingOptionAfterScriptEncoding(PolicyAssertion, unittest.TestCase):
def _create_violation_by_line_number(self, line_number):
return {
'name': 'ProhibitEncodingOptionAfterScriptEncoding',
'level': Level.WARNING,
'position': {
'line': line_number,
'column': 1,
'path': INVALID_ORDER_VIM_SCRIPT
}
}
def test_get_violation_if_found_with_valid_file(self):
self.assertFoundNoViolations(VALID_ORDER_VIM_SCRIPT,
ProhibitEncodingOptionAfterScriptEncoding)
def test_get_violation_if_found_with_valid_file_no_encoding_option(self):
self.assertFoundNoViolations(NO_ENCODING_OPT_VIM_SCRIPT,
ProhibitEncodingOptionAfterScriptEncoding)
def test_get_violation_if_found_with_valid_file_no_scriptencoding(self):
self.assertFoundNoViolations(NO_SCRIPT_ENCODING_VIM_SCRIPT,
ProhibitEncodingOptionAfterScriptEncoding)
def test_get_violation_if_found_with_invalid_file(self):
expected_violations = [self._create_violation_by_line_number(2)]
self.assertFoundViolationsEqual(INVALID_ORDER_VIM_SCRIPT,
ProhibitEncodingOptionAfterScriptEncoding,
expected_violations)
if __name__ == '__main__':
unittest.main()
| [
"[email protected]"
] | |
e086eda2496c310a06840292336539270a37fa7c | 82e57ddf893ec8b1d3c19e4eeab758eb2cb4ace4 | /but/trades/views/send_email.py | ded5f2cabc1f01788ff32fda5c6f102a6c146d22 | [
"MIT"
] | permissive | yevgnenll/but | 1cf072afdb95492aae7efc9847040d1770a623c7 | 2cb3d7b8fd4b898440f9a74ee4b6b8fbdff32bb1 | refs/heads/master | 2021-01-21T04:55:31.408608 | 2016-06-09T02:53:42 | 2016-06-09T02:53:42 | 55,655,016 | 4 | 0 | null | 2016-06-09T03:14:06 | 2016-04-07T01:54:33 | Python | UTF-8 | Python | false | false | 535 | py | from django.shortcuts import render, redirect
from django.core.urlresolvers import reverse
from trades.models import Contact
from users.models import User
def send_email(request):
title = request.POST.get('title')
content = request.POST.get('content')
accept = request.POST.get('user_id')
contact = Contact.objects.create(
send=request.user,
message_text=content,
message_title=title,
accept=User.objects.get(id=accept),
)
return redirect(request.META.get('HTTP_REFERER'))
| [
"[email protected]"
] | |
e5013a8634f961854d429a44905a148c553490fc | e82b761f53d6a3ae023ee65a219eea38e66946a0 | /All_In_One/addons/libraryManager.py | eb2bfd17f26d7d9e8e79fdfc1d61ba2439c6cd68 | [] | no_license | 2434325680/Learnbgame | f3a050c28df588cbb3b14e1067a58221252e2e40 | 7b796d30dfd22b7706a93e4419ed913d18d29a44 | refs/heads/master | 2023-08-22T23:59:55.711050 | 2021-10-17T07:26:07 | 2021-10-17T07:26:07 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 7,028 | py | bl_info = {
"name": "texture library manager",
"author": "Antonio Mendoza",
"version": (0, 0, 1),
"blender": (2, 72, 0),
"location": "View3D > Panel Tools > Texture library manager panel (sculpt mode)",
"warning": "",
"description": "Load and unload image libraries",
"category": "Learnbgame",
}
import bpy
import os
import sys
from bpy.props import StringProperty, BoolProperty, IntProperty, CollectionProperty, FloatProperty, EnumProperty
from bpy.types import Menu, Panel
def findImage (p_Name):
found = False
for img in bpy.data.textures:
if img.name == p_Name:
found = True
break
return found
def selectImages (p_fileList):
file_list = p_fileList
img_list = [item for item in file_list if item[-3:] == 'png' or item[-3:] == 'jpg' or item[-4:] == 'jpeg' or item[-3:] == 'tga']
return img_list
def image_batchImport(p_dir):
file_list = sorted(os.listdir(p_dir))
img_list = selectImages (file_list)
for img in img_list:
dirImage = os.path.join(p_dir, img)
tName = os.path.basename(os.path.splitext(img)[0])
if findImage(tName) == False:
nImage = bpy.data.images.load(dirImage)
nT = bpy.data.textures.new(name=tName,type='IMAGE')
bpy.data.textures[tName].image = nImage
def image_batchRemove(p_dir):
file_list = sorted(os.listdir(p_dir))
img_list = selectImages (file_list)
for img in img_list:
dirImage = os.path.join(p_dir, img)
tName = os.path.basename(os.path.splitext(img)[0])
for tex in bpy.data.textures:
if tex.name == tName:
if tex.type == 'IMAGE':
image = tex.image
tex.image.user_clear()
bpy.data.images.remove(image)
tex.user_clear()
bpy.data.textures.remove(tex)
def findUserSysPath():
userPath = ''
def readLibraryDir():
dir = ''
fileDir = os.path.join(bpy.utils.resource_path('USER'), "scripts\\presets\\texture_library.conf")
if os.path.isfile(fileDir):
file = open(fileDir, 'r')
dir = file.read()
file.close()
return dir
class LBM_OP_LibraryUnload(bpy.types.Operator):
bl_idname = "operator.library_unload"
bl_label = ""
library = bpy.props.StringProperty()
def execute(self, context):
dir = os.path.join(context.scene.libmng_string_librarydir,self.library)
image_batchRemove(dir)
return {'FINISHED'}
class LBM_OP_LibraryLoad(bpy.types.Operator):
bl_idname = "operator.library_load"
bl_label = ""
library = bpy.props.StringProperty()
def execute(self, context):
dir = context.scene.libmng_string_librarydir + '\\' + self.library
image_batchImport(dir)
return {'FINISHED'}
class LBM_OP_LoadLibraries(bpy.types.Operator):
bl_idname = "operator.load_libraries"
bl_label = "Refresh libraries"
name = bpy.props.StringProperty()
dir_library = bpy.props.StringProperty()
libraries = []
@classmethod
def loadLibraryDir(self):
dir = ''
fileDir = os.path.join(bpy.utils.resource_path('USER'), "scripts\\presets\\texture_library.conf")
if os.path.isfile(fileDir):
file = open(fileDir, 'r')
dir = file.read()
file.close()
self.dir_library = dir
self.findLibraries(self.dir_library)
def saveLibraryDir(self, p_Dir):
fileDir = os.path.join(bpy.utils.resource_path('USER'), "scripts\\presets\\texture_library.conf")
file = open(fileDir, 'w+')
file.write(p_Dir)
file.close()
def notInLibraries(self,p_item):
notFound = True
for item in self.libraries:
if p_item == item:
notFound = False
break
return notFound
@classmethod
def findLibraries(self, p_dir):
dir = p_dir
if os.path.isdir(dir):
file_list = sorted(os.listdir(dir))
dir_list = []
del self.libraries[:]
for item in file_list:
lib_dir = os.path.join(dir,item)
if os.path.isdir(lib_dir):
dir_list.append(item)
for lib in dir_list:
lib_dir = os.path.join(dir,lib)
if os.path.isdir(lib_dir) and self.notInLibraries(self,lib):
self.libraries.append(lib)
def execute(self, context):
self.saveLibraryDir(context.scene.libmng_string_librarydir)
self.dir_library = bpy.context.scene.libmng_string_librarydir
self.findLibraries(context.scene.libmng_string_librarydir)
return {'FINISHED'}
class LBM_PN_LibraryManager(bpy.types.Panel):
bl_space_type = 'VIEW_3D'
bl_region_type = 'TOOLS'
bl_label = "Library manager"
bl_category = 'Tools'
#bl_context = 'sculptmode'
bl_options = {'DEFAULT_CLOSED'}
@classmethod
def poll(cls, context):
return (context.sculpt_object or context.vertex_paint_object or context.vertex_paint_object or context.image_paint_object)
def draw(self,context):
layout = self.layout
row = layout.row()
row.prop(context.scene,'libmng_string_librarydir',text='library dir' )
row = layout.row()
op = row.operator(LBM_OP_LoadLibraries.bl_idname)
box = layout.box()
i = 0
for item in LBM_OP_LoadLibraries.libraries:
row = box.row(align=True)
op_name = item
op = row.label(text=op_name)
opl = row.operator(LBM_OP_LibraryLoad.bl_idname, icon='ZOOMIN')
opl.library = op_name
opul = row.operator(LBM_OP_LibraryUnload.bl_idname, icon='ZOOMOUT')
opul.library = op_name
def loadInitData():
LBM_OP_LoadLibraries.loadLibraryDir()
def register():
default_library = readLibraryDir()
bpy.types.Scene.libmng_string_librarydir = bpy.props.StringProperty(name="libraryDir", default=default_library, subtype = 'DIR_PATH')
bpy.utils.register_class(LBM_OP_LoadLibraries)
bpy.utils.register_class(LBM_OP_LibraryLoad)
bpy.utils.register_class(LBM_OP_LibraryUnload)
bpy.utils.register_class(LBM_PN_LibraryManager)
loadInitData()
def unregister():
del bpy.types.Scene.libmng_string_librarydir
bpy.utils.unregister_class(LBM_OP_LoadLibraries)
bpy.utils.unregister_class(LBM_OP_LibraryLoad)
bpy.utils.unregister_class(LBM_OP_LibraryUnload)
bpy.utils.unregister_class(LBM_PN_LibraryManager)
if __name__ == "__main__":
register() | [
"[email protected]"
] | |
25d875712d847ff5331efc882b0a32e303df0b65 | 15bfc2b3ba52420d95ed769a332aaa52f402bbd2 | /api/v2010/incoming_phone_number/create-test-post-example-3/create-test-post-example-3.6.x.py | d8100d65b045e9b542be53429173ac37acc793ac | [] | no_license | synackme/sample-code | 013b8f0a6a33bfd327133b09835ee88940d3b1f2 | 5b7981442f63df7cf2d17733b455270cd3fabf78 | refs/heads/master | 2020-03-17T04:53:07.337506 | 2018-05-07T16:47:48 | 2018-05-07T16:47:48 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 409 | py | # Download the helper library from https://www.twilio.com/docs/python/install
from twilio.rest import Client
# Your Account Sid and Auth Token from twilio.com/console
account_sid = '"ACXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX"'
auth_token = 'your_auth_token'
client = Client(account_sid, auth_token)
incoming_phone_number = client.incoming_phone_numbers.create(phone_number="33")
print(incoming_phone_number.sid)
| [
"[email protected]"
] | |
076cf2edeb38036316e575bf5611e0df4742847d | 6cb67c5ae32faf6168d87858b43d3457282a022e | /esercizi/exchange2.py | 082747f748f13162d798425ecbe6a739df126a5b | [
"Apache-2.0"
] | permissive | formazione/formazione.github.io | 4d64320ab524db5a47eb1ee25bcfd8afc5c7a238 | 161e7fdf8b7b8aaeab6e44ad360b3a5dfd90503d | refs/heads/master | 2023-08-10T15:57:22.646132 | 2023-07-25T11:08:04 | 2023-07-25T11:08:04 | 125,328,356 | 0 | 0 | Apache-2.0 | 2020-02-15T09:02:12 | 2018-03-15T07:25:29 | Python | UTF-8 | Python | false | false | 4,043 | py | import random
class Exchange:
'''e1 = Exchange(dollars=1000, euro=1, cambio=1.18) will give you the euro for 1000 $\
d1 = Exchange(dollars=1, euro=500, cambio=1.18)
'''
def __init__(self, dollars, euro, cambio):
"If euro = 1 it changes dollars into euro and viceversa"
self.dollars = dollars
self.euro = euro
self.cambio = cambio
def exchange(self):
"Calculate euro for dollars and viceversa"
if self.euro: # get euro for .... dollars
return round(self.dollars / self.cambio, 2)
if self.dollars:
return round(self.euro * self.cambio, 2)
def print(self):
"This just adds the € to the euro"
print(f"{self.euro} €")
def pprint(self):
self.print_sol = f"You get {self.dollars} $ for [{self.exchange()} €] "
self.print_sol += f" at an exchange rate of {self.cambio}"
#print(self.print_sol)
return self.print_sol
def print_ex(self, lang="en"):
"Call this to print the exercises"
global cnt
if self.euro:
d = self.dollars
c = self.cambio
if lang=="en":
f = [
f"How many € you must give to get {d} $ at and exchange rate of {c}?",
f"Change {d} $ in euro at an exchange rate of {c}.",
f"How many € you must pay to get {d} $ at and exchange rate of {c}?",
f"Find the € you need to buy {d} $ at and exchange rate of {c}.",
f"If you got {d}$, how many euro you will get at {c} as exchange rate?"
]
if lang=="it":
f = [
f"Quanti € devi pagare per acquistare {d} $ al cambio EUR/USD di {c}?",
f"Cambia {d} $ in euro al tasso di {c}.",
f"Calcola quanti euro ottieni vendendo {d} $ al cambio pari a {c} EUR/USD.",
f"Con {d}$, quanti euro ottieni con un cambio EUR/USD pari a {c}?"
]
self.print_change = random.choice(f)
print(str(cnt), self.print_change)
cnt += 1
return self.print_change
def dollars(self):
if self.euro != 1:
return self.euro() * self.cambio
def random(self):
return random.randrange(100, 3000, 50)
def random_cambio(self):
ch = 1 + round(random.random(), 2)
# print(ch)
return ch
def generate_ex(self):
"generates random dollars and exchange"
self.cambio = round(self.random_cambio(), 2)
if self.euro == 1:
self.dollars = self.random()
self.result = self.exchange()
else:
self.euro = self.random()
self.result = self.exchange()
# return self.euro, self.dollars, self.result
def print_solution(self):
print("Solution:")
self.pprint()
print()
cnt = 1
def main(save=0):
"This shows 10 random exercizes made with the class Exchange"
################## Instructions ####################
# first create an istance
e1 = Exchange(dollars=1000, euro=1, cambio=1.18)
# To see the result of the istance, uncomment the following statement
# e1.pprint()
# Let's create 10 exercizes
sol = []
text = []
# change 10 if you want more or less exercizes
print("Solve these exercizes:\n ---")
for n in range(10):
# Generate a random exercise
e1.generate_ex()
# adds the exercise to the list sol
sol.append(str(cnt) + " " + e1.pprint())
text.append(e1.print_change)
# prints traccia and solutions
e1.print_ex()
solutions(sol)
if save:
save_text(text)
def save_text(text):
"Create text file"
with open("traccia.txt", "w") as file:
file.write(text)
def solutions(sol):
"Prints the solutions"
print("\nSolutions")
# print only solutions
for n in sol:
print(n)
main(save=1)
| [
"[email protected]"
] | |
6b511d19244e574fcd3136bdc4ce1388d22015d1 | dc42551b91ccb14541730975f4c377aedb0ad7c4 | /model/bert_ce.py | 764390df746ee82ab6f70c7c758eb374c71a677d | [] | no_license | liqinzhang/ChineseNER | df862eef8d19204c9f9f9e72ac7f716ed6237f7c | 7d1c6c107b5cc5c57391c0feb1a57357ee519b6a | refs/heads/main | 2023-08-29T18:05:04.404609 | 2021-11-18T01:15:33 | 2021-11-18T01:15:33 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,419 | py | # -*-coding:utf-8 -*-
from tools.train_utils import *
from tools.layer import *
from tools.loss import cross_entropy_loss
from tools.utils import add_layer_summary
from config import TRAIN_PARAMS
def build_graph(features, labels, params, is_training):
"""
pretrain Bert model output + cross-entropy loss
"""
input_ids = features['token_ids']
label_ids = features['label_ids']
input_mask = features['mask']
segment_ids = features['segment_ids']
seq_len = features['seq_len']
embedding = pretrain_bert_embedding(input_ids, input_mask, segment_ids, params['pretrain_dir'],
params['embedding_dropout'], is_training)
load_bert_checkpoint(params['pretrain_dir']) # load pretrain bert weight from checkpoint
logits = tf.layers.dense(embedding, units=params['label_size'], activation=None,
use_bias=True, name='logits')
add_layer_summary(logits.name, logits)
loss = cross_entropy_loss(logits, label_ids, seq_len,
params['label_size'], params['max_seq_len'], params['dtype'])
pred_ids = tf.argmax(logits, axis=-1) # batch * max_seq
if is_training:
pred2str = map2sequence(params['idx2tag'])
tf.summary.text('prediction', pred2str(pred_ids[0, :]))
return loss, pred_ids
TRAIN_PARAMS.update({
'diff_lr_times': {'logit': 500}
})
| [
"[email protected]"
] | |
9f0a0bf605738ce0c564688ecefe4d4e4854cf20 | 276e60f69b51de7c50a333ce12212c823aeef71a | /char-lm-ud-wiki-classify-boundaries-report-errors-upToEndOnly-lexCountBaseline-tokenized.py | 7a4b304861e0b4842c3e46e0841d36d078d3ce3c | [] | no_license | m-hahn/probing-char-lms | e6ea3b00f82326140e28656290447d6c998278d6 | 5ab45883cefb1f69788e441b60d56d886833b3e4 | refs/heads/master | 2020-03-21T20:50:58.949446 | 2019-04-29T03:06:26 | 2019-04-29T03:06:26 | 139,032,281 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 13,540 | py | # python char-lm-ud-wiki-classify-boundaries-report-errors-upToEndOnly-lexCountBaseline-tokenized.py --language english
from paths import WIKIPEDIA_HOME
from paths import LOG_HOME
from paths import CHAR_VOCAB_HOME
from paths import MODELS_HOME
import argparse
parser = argparse.ArgumentParser()
parser.add_argument("--language", dest="language", type=str)
parser.add_argument("--load-from", dest="load_from", type=str)
import random
parser.add_argument("--batchSize", type=int, default=16)
parser.add_argument("--char_embedding_size", type=int, default=100)
parser.add_argument("--hidden_dim", type=int, default=1024)
parser.add_argument("--layer_num", type=int, default=1)
parser.add_argument("--weight_dropout_in", type=float, default=0.01)
parser.add_argument("--weight_dropout_hidden", type=float, default=0.1)
parser.add_argument("--char_dropout_prob", type=float, default=0.33)
parser.add_argument("--char_noise_prob", type = float, default= 0.01)
parser.add_argument("--learning_rate", type = float, default= 0.1)
parser.add_argument("--myID", type=int, default=random.randint(0,1000000000))
parser.add_argument("--sequence_length", type=int, default=50)
args=parser.parse_args()
print(args)
#assert args.language == "german"
import corpusIteratorWikiWords
def plus(it1, it2):
for x in it1:
yield x
for x in it2:
yield x
try:
with open(CHAR_VOCAB_HOME+"/char-vocab-wiki-"+args.language, "r") as inFile:
itos = inFile.read().strip().split("\n")
except FileNotFoundError:
print("Creating new vocab")
char_counts = {}
# get symbol vocabulary
with open(WIKIPEDIA_HOME+"/"+args.language+"-vocab.txt", "r") as inFile:
words = inFile.read().strip().split("\n")
for word in words:
for char in word.lower():
char_counts[char] = char_counts.get(char, 0) + 1
char_counts = [(x,y) for x, y in char_counts.items()]
itos = [x for x,y in sorted(char_counts, key=lambda z:(z[0],-z[1])) if y > 50]
with open(CHAR_VOCAB_HOME+"/char-vocab-wiki-"+args.language, "w") as outFile:
print("\n".join(itos), file=outFile)
#itos = sorted(itos)
print(itos)
stoi = dict([(itos[i],i) for i in range(len(itos))])
import random
import torch
print(torch.__version__)
from weight_drop import WeightDrop
#rnn = torch.nn.LSTM(args.char_embedding_size, args.hidden_dim, args.layer_num).cuda()
#rnn_parameter_names = [name for name, _ in rnn.named_parameters()]
#print(rnn_parameter_names)
#quit()
#rnn_drop = WeightDrop(rnn, [(name, args.weight_dropout_in) for name, _ in rnn.named_parameters() if name.startswith("weight_ih_")] + [ (name, args.weight_dropout_hidden) for name, _ in rnn.named_parameters() if name.startswith("weight_hh_")])
#output = torch.nn.Linear(args.hidden_dim, len(itos)+3).cuda()
#char_embeddings = torch.nn.Embedding(num_embeddings=len(itos)+3, embedding_dim=args.char_embedding_size).cuda()
logsoftmax = torch.nn.LogSoftmax(dim=2)
train_loss = torch.nn.NLLLoss(ignore_index=0)
print_loss = torch.nn.NLLLoss(size_average=False, reduce=False, ignore_index=0)
char_dropout = torch.nn.Dropout2d(p=args.char_dropout_prob)
#modules = [rnn, output, char_embeddings]
#def parameters():
# for module in modules:
# for param in module.parameters():
# yield param
#parameters_cached = [x for x in parameters()]
#optim = torch.optim.SGD(parameters(), lr=args.learning_rate, momentum=0.0) # 0.02, 0.9
#named_modules = {"rnn" : rnn, "output" : output, "char_embeddings" : char_embeddings, "optim" : optim}
#if args.load_from is not None:
# checkpoint = torch.load(MODELS_HOME+"/"+args.load_from+".pth.tar")
# for name, module in named_modules.items():
# module.load_state_dict(checkpoint[name])
from torch.autograd import Variable
# ([0] + [stoi[training_data[x]]+1 for x in range(b, b+sequence_length) if x < len(training_data)])
#from embed_regularize import embedded_dropout
def prepareDatasetChunks(data, train=True):
numeric = [0]
boundaries = [None for _ in range(args.sequence_length+1)]
boundariesAll = [None for _ in range(args.sequence_length+1)]
count = 0
currentWord = ""
print("Prepare chunks")
for chunk in data:
print(len(chunk))
for word in chunk:
for char in word:
if boundariesAll[len(numeric)] is None:
boundariesAll[len(numeric)] = currentWord
count += 1
currentWord += char
numeric.append((stoi[char]+3 if char in stoi else 2) if (not train) or random.random() > args.char_noise_prob else 2+random.randint(0, len(itos)))
if len(numeric) > args.sequence_length:
yield numeric, boundaries, boundariesAll
numeric = [0]
boundaries = [None for _ in range(args.sequence_length+1)]
boundariesAll = [None for _ in range(args.sequence_length+1)]
assert currentWord == word, (currentWord, word)
boundaries[len(numeric)] = currentWord
boundariesAll[len(numeric)] = currentWord
currentWord = ""
# from each bath element, get one positive example OR one negative example
wordsSoFar = set()
hidden_states = []
labels = []
relevantWords = []
relevantNextWords = []
labels_sum = 0
def forward(numeric, train=True, printHere=False):
global labels_sum
numeric, boundaries, boundariesAll = zip(*numeric)
# print(numeric)
# print(boundaries)
# input_tensor = Variable(torch.LongTensor(numeric).transpose(0,1)[:-1].cuda(), requires_grad=False)
# target_tensor = Variable(torch.LongTensor(numeric).transpose(0,1)[1:].cuda(), requires_grad=False)
# embedded = char_embeddings(input_tensor)
# if train:
# embedded = char_dropout(embedded)
# out, _ = rnn_drop(embedded, None)
# if train:
# out = dropout(out)
for i in range(len(boundaries)): # for each batch sample
target = (labels_sum + 10 < len(labels)/2) or (random.random() < 0.5) # decide whether to get positive or negative sample
true = sum([((x == None) if target == False else (x not in wordsSoFar)) for x in boundaries[i][int(args.sequence_length/2):-1]]) # condidates
# print(target, true)
if true == 0:
continue
soFar = 0
# print(list(zip(boundaries[i], boundariesAll[i])))
for j in range(len(boundaries[i])-5):
if j < int(len(boundaries[i])/2):
continue
if (lambda x:((x is None if target == False else x not in wordsSoFar)))(boundaries[i][j]):
# print(i, target, true,soFar)
if random.random() < 1/(true-soFar):
# hidden_states.append(out[j-1,i].detach().data.cpu().numpy())
labels.append(1 if target else 0)
relevantWords.append(boundariesAll[i][j])
relevantNextWords.append(([boundaries[i][k] for k in range(j+1, len(boundaries[i])) if boundaries[i][k] is not None]+["END_OF_SEQUENCE"])[0])
assert boundariesAll[i][j] is not None
labels_sum += labels[-1]
if target:
wordsSoFar.add(boundaries[i][j])
break
soFar += 1
assert soFar < true
# print(hidden_states)
# print(labels)
# logits = output(out)
# log_probs = logsoftmax(logits)
# print(logits)
# print(log_probs)
# print(target_tensor)
# loss = train_loss(log_probs.view(-1, len(itos)+3), target_tensor.view(-1))
if printHere:
# lossTensor = print_loss(log_probs.view(-1, len(itos)+3), target_tensor.view(-1)).view(args.sequence_length, len(numeric))
# losses = lossTensor.data.cpu().numpy()
# boundaries_index = [0 for _ in numeric]
for i in range((args.sequence_length-1)-1):
# if boundaries_index[0] < len(boundaries[0]) and i+1 == boundaries[0][boundaries_index[0]]:
# boundary = True
# boundaries_index[0] += 1
# else:
# boundary = False
print((itos[numeric[0][i+1]-3], "read:", itos[numeric[0][i]-3], boundariesAll[0][i], boundariesAll[0][i+1] if i < args.sequence_length-2 else "EOS"))
print((labels_sum, len(labels)))
# return loss, len(numeric) * args.sequence_length
import time
devLosses = []
#for epoch in range(10000):
if True:
training_data = corpusIteratorWikiWords.training(args.language)
print("Got data")
training_chars = prepareDatasetChunks(training_data, train=True)
#rnn_drop.train(False)
startTime = time.time()
trainChars = 0
counter = 0
while True:
counter += 1
try:
numeric = [next(training_chars) for _ in range(args.batchSize)]
except StopIteration:
break
printHere = (counter % 50 == 0)
forward(numeric, printHere=printHere, train=True)
#backward(loss, printHere)
if printHere:
print((counter))
print("Dev losses")
print(devLosses)
print("Chars per sec "+str(trainChars/(time.time()-startTime)))
if len(labels) > 10000:
break
predictors = hidden_states
dependent = labels
stimuli = sorted(list(zip(relevantWords, dependent)), key=lambda x:x[0])
stimuliUnique = {}
for prefix, dependent in stimuli:
if prefix not in stimuliUnique:
stimuliUnique[prefix] = [0,0]
stimuliUnique[prefix][dependent] += 1
with open("/u/scr/mhahn/FAIR18/"+args.language+"-wiki-word-vocab.txt", "r") as inFile:
print("reading")
lexicon = [x.split("\t") for x in inFile.read().strip().split("\n")] #[:10000]]
print("sorting")
lexicon = sorted(lexicon, key=lambda x:x[0])
print("done")
print(lexicon[:100])
#quit()
print(stimuliUnique)
correct = 0
incorrect = 0
last = 0
predictions = []
for stimulus, isAndIsntBoundary in stimuliUnique.items():
# print("SEARCHING FOR", stimulus)
# find the postion of the word
i = last
j = len(lexicon)-1
while True: # goal: find i such that lexicon[i][0] is the last word that is <= stimulus
mid = int((i+j)/2)
assert mid >= i
if i == mid:
assert lexicon[i][0] <= stimulus and lexicon[i+1][0] > stimulus, (lexicon[i-1:i+2], stimulus)
print("center")
break
inMid = lexicon[mid][0]
if inMid < stimulus:
i = mid
elif inMid > stimulus:
# assert inMid > stimulus, (inMid, stimulus)
j = mid
else:
i = mid
print("from mid")
assert lexicon[i][0] == stimulus
break
assert lexicon[i][0] <= stimulus and stimulus <= lexicon[j][0]
assert lexicon[i][0] <= stimulus and lexicon[i+1][0] > stimulus, (lexicon[i-1:i+2], stimulus)
if lexicon[i][0] == stimulus:
start = i
else:
start = i+1
assert lexicon[start][0] >= stimulus
if not lexicon[start][0].startswith(stimulus):
predictions.append(1 if random.random() > 0.5 else 0)
print ("NO SUFFIX FOUND", (stimulus, "start-1", lexicon[start-1], "start", lexicon[start], "start+1", lexicon[start+1], lexicon[start+2:start+10], stimulus >= lexicon[start][0], stimulus <= lexicon[start-1][0]))
assert False
if random.random() > 0.5:
correct += isAndIsntBoundary[1]
incorrect += isAndIsntBoundary[0]
else:
correct += isAndIsntBoundary[0]
incorrect += isAndIsntBoundary[1]
else:
assert not lexicon[start-1][0].startswith(stimulus), (stimulus, lexicon[start-1], lexicon[start], stimulus >= lexicon[start][0], stimulus <= lexicon[start-1][0])
if lexicon[start+1][0] < stimulus:
assert start+1 == len(lexicon), (lexicon[start], lexicon[start+1], stimulus, start, j)
#assert stimulus <= lexicon[i][0] and stimulus >= lexicon[i-1][0], (stimulus, lexicon[i-1], lexicon[i], stimulus >= lexicon[i][0], stimulus <= lexicon[i-1][0])
last = i
r = start
s = len(lexicon)-1
while True:
mid = int((r+s)/2)
# print(r, mid, s, stimulus, lexicon[r], lexicon[s])
assert mid >= r
if r == mid:
break
inMid = lexicon[mid][0]
assert inMid >= stimulus
if not inMid.startswith(stimulus):
s = mid
else:
# assert inMid > stimulus, (inMid, stimulus)
r = mid
print("START AND END", stimulus, lexicon[start], lexicon[r], lexicon[s], start, j, r, s)
assert lexicon[s-1][0].startswith(stimulus)
assert not lexicon[s][0].startswith(stimulus)
# from lexicon[i] to lexicon[s-1] is the span
if lexicon[start][0] != stimulus: # this is not a word, only a prefix
predictions.append(1)
correct += isAndIsntBoundary[1]
incorrect += isAndIsntBoundary[0]
else:
countsWord = int(lexicon[start][1])
countsOther = sum([int(lexicon[q][1]) for q in range(start+1, s)])
if countsWord == countsOther:
prediction = (1 if random.random() > 0.5 else 0)
else:
prediction = 1 if (countsWord > countsOther) else 0
print(stimulus, countsWord, countsOther, prediction, isAndIsntBoundary)
if prediction == 0:
correct += isAndIsntBoundary[0]
incorrect += isAndIsntBoundary[1]
elif prediction == 1:
correct += isAndIsntBoundary[1]
incorrect += isAndIsntBoundary[0]
print(correct, incorrect, correct/(1+correct+incorrect))
| [
"[email protected]"
] | |
4298c3737468598270839efff3011bedf2e31660 | 8f4c59e69cce2f6e932f55b3c65aae376b206a2c | /笨办法学python/projects/setup(1).py | 332fa7f39039701ec9d8ae239e60aa76c3237f66 | [] | no_license | zmjm4/python | ef7206292f1c3a3a5763b25527024999de5e8e79 | 44cf74c0f16891c351ce214762218ccf2d7353a0 | refs/heads/master | 2020-05-27T17:23:48.776167 | 2018-05-24T07:14:16 | 2018-05-24T07:14:16 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 400 | py | # -*- coding: utf-8 -*-
try:
from setuptools import setup
except:
from distutils.core import setup
config={
'description': 'My Project',
'author': 'My Name',
'url': 'URL to get it at.',
'download_url': 'Where to download it.',
'author_email': 'My email.',
'version': '0.1',
'install_requires':['nose'],
'packages': ['NAME','bin'],
'scripts': [],
'name': 'projectname'
}
setup(**config) | [
"[email protected]"
] | |
27077317d775d648e9952eb6f38bdea573da39f1 | 3c8701e04900389adb40a46daedb5205d479016c | /oldboy-python18/day05-函数-模块与包的使用/00/day05/包/aaa/m1.py | 6e8d32de7ff947708601f6e898b0ae5ad0231af2 | [] | no_license | huboa/xuexi | 681300653b834eaf506f49987dcca83df48e8db7 | 91287721f188b5e24fbb4ccd63b60a80ed7b9426 | refs/heads/master | 2020-07-29T16:39:12.770272 | 2018-09-02T05:39:45 | 2018-09-02T05:39:45 | 73,660,825 | 1 | 0 | null | null | null | null | UTF-8 | Python | false | false | 28 | py | def func1():
print('f1') | [
"[email protected]"
] |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.