content
stringlengths 1
1.04M
| input_ids
sequencelengths 1
774k
| ratio_char_token
float64 0.38
22.9
| token_count
int64 1
774k
|
---|---|---|---|
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserve.
#
# 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 inspect
import decorator
import logging
import numbers
import paddle
from ...common import get_logger
from .utils.utils import get_paddle_version
pd_ver = get_paddle_version()
if pd_ver == 185:
import paddle.fluid.dygraph.nn as nn
from paddle.fluid.dygraph.nn import Conv2D, Conv2DTranspose, Linear, LayerNorm, Embedding
from paddle.fluid import ParamAttr
from .layers_old import *
from . import layers_old as layers
Layer = paddle.fluid.dygraph.Layer
else:
import paddle.nn as nn
from paddle.nn import Conv2D, Conv2DTranspose, Linear, LayerNorm, Embedding, SyncBatchNorm
from paddle import ParamAttr
from .layers import *
from . import layers
Layer = paddle.nn.Layer
from .layers_base import Block
from . import layers_old
_logger = get_logger(__name__, level=logging.INFO)
__all__ = ['supernet', 'Convert']
WEIGHT_LAYER = ['conv', 'linear', 'embedding']
class Convert:
"""
Convert network to the supernet according to the search space.
Parameters:
context(paddleslim.nas.ofa.supernet): search space defined by the user.
Examples:
.. code-block:: python
from paddleslim.nas.ofa import supernet, Convert
sp_net_config = supernet(kernel_size=(3, 5, 7), expand_ratio=[1, 2, 4])
convert = Convert(sp_net_config)
"""
def convert(self, network):
"""
The function to convert the network to a supernet.
Parameters:
network(paddle.nn.Layer|list(paddle.nn.Layer)): instance of the model or list of instance of layers.
Examples:
.. code-block:: python
from paddle.vision.models import mobilenet_v1
from paddleslim.nas.ofa import supernet, Convert
sp_net_config = supernet(kernel_size=(3, 5, 7), expand_ratio=[1, 2, 4])
convert = Convert(sp_net_config).convert(mobilenet_v1())
"""
# search the first and last weight layer, don't change out channel of the last weight layer
# don't change in channel of the first weight layer
model = []
if isinstance(network, Layer):
for name, sublayer in network.named_sublayers():
model.append(sublayer)
else:
model = network
first_weight_layer_idx = -1
last_weight_layer_idx = -1
weight_layer_count = 0
# NOTE: pre_channel store for shortcut module
pre_channel = None
cur_channel = None
for idx, layer in enumerate(model):
cls_name = layer.__class__.__name__.lower()
### basic api in paddle
if len(layer.sublayers()) == 0:
if 'conv' in cls_name or 'linear' in cls_name or 'embedding' in cls_name:
weight_layer_count += 1
last_weight_layer_idx = idx
if first_weight_layer_idx == -1:
first_weight_layer_idx = idx
if getattr(self.context, 'channel', None) != None:
assert len(
self.context.channel
) == weight_layer_count, "length of channel must same as weight layer."
for idx, layer in enumerate(model):
if isinstance(layer, Conv2D):
attr_dict = layer.__dict__
key = attr_dict['_full_name']
new_attr_name = [
'stride', 'padding', 'dilation', 'groups', 'bias_attr'
]
if pd_ver == 185:
new_attr_name += ['param_attr', 'use_cudnn', 'act', 'dtype']
else:
new_attr_name += [
'weight_attr', 'data_format', 'padding_mode'
]
self._change_name(layer, pd_ver, conv=True)
new_attr_dict = dict.fromkeys(new_attr_name, None)
new_attr_dict['candidate_config'] = dict()
if pd_ver == 185:
new_attr_dict['num_channels'] = None
new_attr_dict['num_filters'] = None
new_attr_dict['filter_size'] = None
else:
new_attr_dict['in_channels'] = None
new_attr_dict['out_channels'] = None
new_attr_dict['kernel_size'] = None
self.kernel_size = getattr(self.context, 'kernel_size', None)
# if the kernel_size of conv is 1, don't change it.
fks = '_filter_size' if '_filter_size' in attr_dict.keys(
) else '_kernel_size'
ks = [attr_dict[fks]] if isinstance(
attr_dict[fks], numbers.Integral) else attr_dict[fks]
if self.kernel_size and int(ks[0]) != 1:
new_attr_dict['transform_kernel'] = True
new_attr_dict[fks[1:]] = max(self.kernel_size)
new_attr_dict['candidate_config'].update({
'kernel_size': self.kernel_size
})
else:
new_attr_dict[fks[1:]] = attr_dict[fks]
in_key = '_num_channels' if '_num_channels' in attr_dict.keys(
) else '_in_channels'
out_key = '_num_filters' if '_num_filters' in attr_dict.keys(
) else '_out_channels'
if self.context.expand:
### first super convolution
if idx == first_weight_layer_idx:
new_attr_dict[in_key[1:]] = attr_dict[in_key]
else:
new_attr_dict[in_key[1:]] = int(self.context.expand *
attr_dict[in_key])
### last super convolution
if idx == last_weight_layer_idx:
new_attr_dict[out_key[1:]] = attr_dict[out_key]
else:
new_attr_dict[out_key[1:]] = int(self.context.expand *
attr_dict[out_key])
new_attr_dict['candidate_config'].update({
'expand_ratio': self.context.expand_ratio
})
elif self.context.channel:
if attr_dict['_groups'] != None and (
int(attr_dict['_groups']) == int(attr_dict[in_key])
):
### depthwise conv, if conv is depthwise, use pre channel as cur_channel
_logger.warn(
"If convolution is a depthwise conv, output channel change" \
" to the same channel with input, output channel in search is not used."
)
cur_channel = pre_channel
else:
cur_channel = self.context.channel[0]
self.context.channel = self.context.channel[1:]
if idx == first_weight_layer_idx:
new_attr_dict[in_key[1:]] = attr_dict[in_key]
else:
new_attr_dict[in_key[1:]] = max(pre_channel)
if idx == last_weight_layer_idx:
new_attr_dict[out_key[1:]] = attr_dict[out_key]
else:
new_attr_dict[out_key[1:]] = max(cur_channel)
new_attr_dict['candidate_config'].update({
'channel': cur_channel
})
pre_channel = cur_channel
else:
new_attr_dict[in_key[1:]] = attr_dict[in_key]
new_attr_dict[out_key[1:]] = attr_dict[out_key]
for attr in new_attr_name:
if attr == 'weight_attr':
new_attr_dict[attr] = attr_dict['_param_attr']
else:
new_attr_dict[attr] = attr_dict['_' + attr]
del layer
if attr_dict['_groups'] == None or int(attr_dict[
'_groups']) == 1:
### standard conv
layer = Block(SuperConv2D(**new_attr_dict), key=key)
elif int(attr_dict['_groups']) == int(attr_dict[in_key]):
# if conv is depthwise conv, groups = in_channel, out_channel = in_channel,
# channel in candidate_config = in_channel_list
if 'channel' in new_attr_dict['candidate_config']:
new_attr_dict[in_key[1:]] = max(cur_channel)
new_attr_dict[out_key[1:]] = new_attr_dict[in_key[1:]]
new_attr_dict['candidate_config'][
'channel'] = cur_channel
new_attr_dict['groups'] = new_attr_dict[in_key[1:]]
layer = Block(
SuperDepthwiseConv2D(**new_attr_dict), key=key)
else:
### group conv
layer = Block(SuperGroupConv2D(**new_attr_dict), key=key)
model[idx] = layer
elif (isinstance(layer, nn.BatchNorm2D) or
isinstance(layer, nn.BatchNorm)) and (
getattr(self.context, 'expand', None) != None or
getattr(self.context, 'channel', None) != None):
# num_features in BatchNorm don't change after last weight operators
if idx > last_weight_layer_idx:
continue
use_bn_old = False
if isinstance(layer, nn.BatchNorm):
use_bn_old = True
attr_dict = layer.__dict__
new_attr_name = ['momentum', 'epsilon', 'bias_attr']
if pd_ver == 185 or use_bn_old:
new_attr_name += [
'param_attr', 'act', 'dtype', 'in_place', 'data_layout',
'is_test', 'use_global_stats', 'trainable_statistics'
]
else:
new_attr_name += ['weight_attr', 'data_format', 'name']
self._change_name(layer, pd_ver, use_bn_old=use_bn_old)
new_attr_dict = dict.fromkeys(new_attr_name, None)
if pd_ver == 185 or use_bn_old:
new_attr_dict['num_channels'] = None
else:
new_attr_dict['num_features'] = None
new_key = 'num_channels' if 'num_channels' in new_attr_dict.keys(
) else 'num_features'
if self.context.expand:
new_attr_dict[new_key] = int(
self.context.expand *
layer._parameters['weight'].shape[0])
elif self.context.channel:
new_attr_dict[new_key] = max(cur_channel)
else:
new_attr_dict[new_key] = attr_dict[
'_num_channels'] if '_num_channels' in attr_dict.keys(
) else attr_dict['_num_features']
for attr in new_attr_name:
new_attr_dict[attr] = attr_dict['_' + attr]
del layer, attr_dict
layer = layers_old.SuperBatchNorm(
**new_attr_dict
) if pd_ver == 185 or use_bn_old else layers.SuperBatchNorm2D(
**new_attr_dict)
model[idx] = layer
elif isinstance(layer, SyncBatchNorm) and (
getattr(self.context, 'expand', None) != None or
getattr(self.context, 'channel', None) != None):
# num_features in SyncBatchNorm don't change after last weight operators
if idx > last_weight_layer_idx:
continue
attr_dict = layer.__dict__
new_attr_name = ['momentum', 'epsilon', 'bias_attr']
new_attr_name += ['weight_attr', 'data_format', 'name']
self._change_name(layer, pd_ver)
new_attr_dict = dict.fromkeys(new_attr_name, None)
new_attr_dict['num_features'] = None
new_key = 'num_channels' if 'num_channels' in new_attr_dict.keys(
) else 'num_features'
if self.context.expand:
new_attr_dict[new_key] = int(
self.context.expand *
layer._parameters['weight'].shape[0])
elif self.context.channel:
new_attr_dict[new_key] = max(cur_channel)
else:
new_attr_dict[new_key] = attr_dict[
'_num_channels'] if '_num_channels' in attr_dict.keys(
) else attr_dict['_num_features']
for attr in new_attr_name:
new_attr_dict[attr] = attr_dict['_' + attr]
del layer, attr_dict
layer = layers.SuperSyncBatchNorm(**new_attr_dict)
model[idx] = layer
### assume output_size = None, filter_size != None
### NOTE: output_size != None may raise error, solve when it happend.
elif isinstance(layer, Conv2DTranspose):
attr_dict = layer.__dict__
key = attr_dict['_full_name']
new_attr_name = [
'stride', 'padding', 'dilation', 'groups', 'bias_attr'
]
assert getattr(
attr_dict, '_filter_size', '_kernel_size'
) != None, "Conv2DTranspose only support kernel size != None now"
if pd_ver == 185:
new_attr_name += [
'output_size', 'param_attr', 'use_cudnn', 'act', 'dtype'
]
else:
new_attr_name += [
'output_padding', 'weight_attr', 'data_format'
]
new_attr_dict = dict.fromkeys(new_attr_name, None)
new_attr_dict['candidate_config'] = dict()
if pd_ver == 185:
new_attr_dict['num_channels'] = None
new_attr_dict['num_filters'] = None
new_attr_dict['filter_size'] = None
else:
new_attr_dict['in_channels'] = None
new_attr_dict['out_channels'] = None
new_attr_dict['kernel_size'] = None
self._change_name(layer, pd_ver, conv=True)
self.kernel_size = getattr(self.context, 'kernel_size', None)
# if the kernel_size of conv transpose is 1, don't change it.
fks = '_filter_size' if '_filter_size' in attr_dict.keys(
) else '_kernel_size'
ks = [attr_dict[fks]] if isinstance(
attr_dict[fks], numbers.Integral) else attr_dict[fks]
if self.kernel_size and int(ks[0]) != 1:
new_attr_dict['transform_kernel'] = True
new_attr_dict[fks[1:]] = max(self.kernel_size)
new_attr_dict['candidate_config'].update({
'kernel_size': self.kernel_size
})
else:
new_attr_dict[fks[1:]] = attr_dict[fks]
in_key = '_num_channels' if '_num_channels' in attr_dict.keys(
) else '_in_channels'
out_key = '_num_filters' if '_num_filters' in attr_dict.keys(
) else '_out_channels'
if self.context.expand:
### first super convolution transpose
if idx == first_weight_layer_idx:
new_attr_dict[in_key[1:]] = attr_dict[in_key]
else:
new_attr_dict[in_key[1:]] = int(self.context.expand *
attr_dict[in_key])
### last super convolution transpose
if idx == last_weight_layer_idx:
new_attr_dict[out_key[1:]] = attr_dict[out_key]
else:
new_attr_dict[out_key[1:]] = int(self.context.expand *
attr_dict[out_key])
new_attr_dict['candidate_config'].update({
'expand_ratio': self.context.expand_ratio
})
elif self.context.channel:
if attr_dict['_groups'] != None and (
int(attr_dict['_groups']) == int(attr_dict[in_key])
):
### depthwise conv_transpose
_logger.warn(
"If convolution is a depthwise conv_transpose, output channel " \
"change to the same channel with input, output channel in search is not used."
)
cur_channel = pre_channel
else:
cur_channel = self.context.channel[0]
self.context.channel = self.context.channel[1:]
if idx == first_weight_layer_idx:
new_attr_dict[in_key[1:]] = attr_dict[in_key]
else:
new_attr_dict[in_key[1:]] = max(pre_channel)
if idx == last_weight_layer_idx:
new_attr_dict[out_key[1:]] = attr_dict[out_key]
else:
new_attr_dict[out_key[1:]] = max(cur_channel)
new_attr_dict['candidate_config'].update({
'channel': cur_channel
})
pre_channel = cur_channel
else:
new_attr_dict[in_key[1:]] = attr_dict[in_key]
new_attr_dict[out_key[1:]] = attr_dict[out_key]
for attr in new_attr_name:
if attr == 'weight_attr':
new_attr_dict[attr] = attr_dict['_param_attr']
elif attr == 'output_padding':
new_attr_dict[attr] = attr_dict[attr]
else:
new_attr_dict[attr] = attr_dict['_' + attr]
del layer
if getattr(new_attr_dict, 'output_size', None) == []:
new_attr_dict['output_size'] = None
if attr_dict['_groups'] == None or int(attr_dict[
'_groups']) == 1:
### standard conv_transpose
layer = Block(
SuperConv2DTranspose(**new_attr_dict), key=key)
elif int(attr_dict['_groups']) == int(attr_dict[in_key]):
# if conv is depthwise conv, groups = in_channel, out_channel = in_channel,
# channel in candidate_config = in_channel_list
if 'channel' in new_attr_dict['candidate_config']:
new_attr_dict[in_key[1:]] = max(cur_channel)
new_attr_dict[out_key[1:]] = new_attr_dict[in_key[1:]]
new_attr_dict['candidate_config'][
'channel'] = cur_channel
new_attr_dict['groups'] = new_attr_dict[in_key[1:]]
layer = Block(
SuperDepthwiseConv2DTranspose(**new_attr_dict), key=key)
else:
### group conv_transpose
layer = Block(
SuperGroupConv2DTranspose(**new_attr_dict), key=key)
model[idx] = layer
elif isinstance(layer, Linear) and (
getattr(self.context, 'expand', None) != None or
getattr(self.context, 'channel', None) != None):
attr_dict = layer.__dict__
key = attr_dict['_full_name']
if pd_ver == 185:
new_attr_name = ['act', 'dtype']
else:
new_attr_name = ['weight_attr', 'bias_attr']
self._change_name(layer, pd_ver) if pd_ver != 185 else None
in_nc, out_nc = layer._parameters['weight'].shape
new_attr_dict = dict.fromkeys(new_attr_name, None)
new_attr_dict['candidate_config'] = dict()
if pd_ver == 185:
new_attr_dict['input_dim'] = None
new_attr_dict['output_dim'] = None
else:
new_attr_dict['in_features'] = None
new_attr_dict['out_features'] = None
in_key = '_input_dim' if pd_ver == 185 else '_in_features'
out_key = '_output_dim' if pd_ver == 185 else '_out_features'
attr_dict[in_key] = in_nc
attr_dict[out_key] = out_nc
if self.context.expand:
if idx == first_weight_layer_idx:
new_attr_dict[in_key[1:]] = int(attr_dict[in_key])
else:
new_attr_dict[in_key[1:]] = int(self.context.expand *
attr_dict[in_key])
if idx == last_weight_layer_idx:
new_attr_dict[out_key[1:]] = int(attr_dict[out_key])
else:
new_attr_dict[out_key[1:]] = int(self.context.expand *
attr_dict[out_key])
new_attr_dict['candidate_config'].update({
'expand_ratio': self.context.expand_ratio
})
elif self.context.channel:
cur_channel = self.context.channel[0]
self.context.channel = self.context.channel[1:]
if idx == first_weight_layer_idx:
new_attr_dict[in_key[1:]] = int(attr_dict[in_key])
else:
new_attr_dict[in_key[1:]] = max(pre_channel)
if idx == last_weight_layer_idx:
new_attr_dict[out_key[1:]] = int(attr_dict[out_key])
else:
new_attr_dict[out_key[1:]] = max(cur_channel)
new_attr_dict['candidate_config'].update({
'channel': cur_channel
})
pre_channel = cur_channel
else:
new_attr_dict[in_key[1:]] = int(attr_dict[in_key])
new_attr_dict[out_key[1:]] = int(attr_dict[out_key])
for attr in new_attr_name:
new_attr_dict[attr] = attr_dict['_' + attr]
del layer, attr_dict
layer = Block(SuperLinear(**new_attr_dict), key=key)
model[idx] = layer
elif isinstance(
layer,
getattr(nn, 'InstanceNorm2D',
paddle.fluid.dygraph.nn.InstanceNorm)) and (
getattr(self.context, 'expand', None) != None or
getattr(self.context, 'channel', None) != None):
# num_features in InstanceNorm don't change after last weight operators
if idx > last_weight_layer_idx:
continue
attr_dict = layer.__dict__
if pd_ver == 185:
new_attr_name = [
'bias_attr', 'epsilon', 'param_attr', 'dtype'
]
else:
new_attr_name = ['bias_attr', 'epsilon', 'weight_attr']
self._change_name(layer, pd_ver)
new_attr_dict = dict.fromkeys(new_attr_name, None)
if pd_ver == 185:
new_attr_dict['num_channels'] = None
else:
new_attr_dict['num_features'] = None
new_key = '_num_channels' if '_num_channels' in new_attr_dict.keys(
) else '_num_features'
### 10 is a default channel in the case of weight_attr=False, in this condition, num of channels if useless, so give it arbitrarily.
attr_dict[new_key] = layer._parameters['scale'].shape[0] if len(
layer._parameters) != 0 else 10
if self.context.expand:
new_attr_dict[new_key[1:]] = int(self.context.expand *
attr_dict[new_key])
elif self.context.channel:
new_attr_dict[new_key[1:]] = max(cur_channel)
else:
new_attr_dict[new_key[1:]] = attr_dict[new_key]
for attr in new_attr_name:
new_attr_dict[attr] = attr_dict['_' + attr]
del layer, attr_dict
layer = layers.SuperInstanceNorm(
**new_attr_dict
) if pd_ver == 185 else layers.SuperInstanceNorm2D(
**new_attr_dict)
model[idx] = layer
elif isinstance(layer, LayerNorm) and (
getattr(self.context, 'expand', None) != None or
getattr(self.context, 'channel', None) != None):
### TODO(ceci3): fix when normalized_shape != last_dim_of_input
if idx > last_weight_layer_idx:
continue
attr_dict = layer.__dict__
new_attr_name = ['epsilon', 'bias_attr']
if pd_ver == 185:
new_attr_name += [
'scale', 'shift', 'param_attr', 'act', 'dtype'
]
else:
new_attr_name += ['weight_attr']
self._change_name(layer, pd_ver)
new_attr_dict = dict.fromkeys(new_attr_name, None)
new_attr_dict['normalized_shape'] = None
if self.context.expand:
new_attr_dict['normalized_shape'] = int(
self.context.expand * attr_dict['_normalized_shape'][0])
elif self.context.channel:
new_attr_dict['normalized_shape'] = max(cur_channel)
else:
new_attr_dict['normalized_shape'] = attr_dict[
'_normalized_shape']
for attr in new_attr_name:
new_attr_dict[attr] = attr_dict['_' + attr]
del layer, attr_dict
layer = SuperLayerNorm(**new_attr_dict)
model[idx] = layer
elif isinstance(layer, Embedding) and (
getattr(self.context, 'expand', None) != None or
getattr(self.context, 'channel', None) != None):
attr_dict = layer.__dict__
key = attr_dict['_full_name']
new_attr_name = []
if pd_ver == 185:
new_attr_name += [
'is_sparse', 'is_distributed', 'param_attr', 'dtype'
]
else:
new_attr_name += ['sparse', 'weight_attr', 'name']
self._change_name(layer, pd_ver, has_bias=False)
new_attr_dict = dict.fromkeys(new_attr_name, None)
new_attr_dict['candidate_config'] = dict()
bef_size = attr_dict['_size']
if self.context.expand:
if pd_ver == 185:
new_attr_dict['size'] = [
bef_size[0], int(self.context.expand * bef_size[1])
]
else:
new_attr_dict['num_embeddings'] = attr_dict[
'_num_embeddings']
new_attr_dict['embedding_dim'] = int(
self.context.expand * attr_dict['_embedding_dim'])
new_attr_dict['candidate_config'].update({
'expand_ratio': self.context.expand_ratio
})
elif self.context.channel:
cur_channel = self.context.channel[0]
self.context.channel = self.context.channel[1:]
if pd_ver == 185:
new_attr_dict['size'] = [bef_size[0], max(cur_channel)]
else:
new_attr_dict['num_embeddings'] = attr_dict[
'_num_embeddings']
new_attr_dict['embedding_dim'] = max(cur_channel)
new_attr_dict['candidate_config'].update({
'channel': cur_channel
})
pre_channel = cur_channel
else:
if pf_ver == 185:
new_attr_dict['size'] = bef_size
else:
new_attr_dict['num_embeddings'] = attr_dict[
'_num_embeddings']
new_attr_dict['embedding_dim'] = attr_dict[
'_embedding_dim']
for attr in new_attr_name:
new_attr_dict[attr] = attr_dict['_' + attr]
new_attr_dict['padding_idx'] = None if attr_dict[
'_padding_idx'] == -1 else attr_dict['_padding_idx']
del layer, attr_dict
layer = Block(SuperEmbedding(**new_attr_dict), key=key)
model[idx] = layer
if isinstance(network, Layer):
curr_id = 0
self.name_list = []
get_split_names(network, [])
for idx, nl in enumerate(self.name_list):
if len(nl) > 1:
net = split_prefix(network, nl[:-1])
else:
net = network
setattr(net, nl[-1], model[idx])
return network
class supernet:
"""
Search space of the network.
Parameters:
kernel_size(list|tuple, optional): search space for the kernel size of the Conv2D.
expand_ratio(list|tuple, optional): the search space for the expand ratio of the number of channels of Conv2D, the expand ratio of the output dimensions of the Embedding or Linear, which means this parameter get the number of channels of each OP in the converted super network based on the the channels of each OP in the original model, so this parameter The length is 1. Just set one between this parameter and ``channel``.
channel(list|tuple, optional): the search space for the number of channels of Conv2D, the output dimensions of the Embedding or Linear, this parameter directly sets the number of channels of each OP in the super network, so the length of this parameter needs to be the same as the total number that of Conv2D, Embedding, and Linear included in the network. Just set one between this parameter and ``expand_ratio``.
"""
#def ofa_supernet(kernel_size, expand_ratio):
# def _ofa_supernet(func):
# @functools.wraps(func)
# def convert(*args, **kwargs):
# supernet_convert(*args, **kwargs)
# return convert
# return _ofa_supernet | [
2,
220,
220,
15069,
357,
66,
8,
12131,
350,
37382,
47,
37382,
46665,
13,
1439,
6923,
12224,
13,
198,
2,
198,
2,
49962,
739,
262,
24843,
13789,
11,
10628,
362,
13,
15,
357,
1169,
366,
34156,
15341,
198,
2,
345,
743,
407,
779,
428,
2393,
2845,
287,
11846,
351,
262,
13789,
13,
198,
2,
921,
743,
7330,
257,
4866,
286,
262,
13789,
379,
198,
2,
198,
2,
220,
220,
220,
220,
2638,
1378,
2503,
13,
43073,
13,
2398,
14,
677,
4541,
14,
43,
2149,
24290,
12,
17,
13,
15,
198,
2,
198,
2,
17486,
2672,
416,
9723,
1099,
393,
4987,
284,
287,
3597,
11,
3788,
198,
2,
9387,
739,
262,
13789,
318,
9387,
319,
281,
366,
1921,
3180,
1,
29809,
1797,
11,
198,
2,
42881,
34764,
11015,
6375,
7102,
49828,
11053,
3963,
15529,
509,
12115,
11,
2035,
4911,
393,
17142,
13,
198,
2,
4091,
262,
13789,
329,
262,
2176,
3303,
15030,
21627,
290,
198,
2,
11247,
739,
262,
13789,
13,
198,
198,
11748,
10104,
198,
11748,
11705,
1352,
198,
11748,
18931,
198,
11748,
3146,
198,
11748,
39517,
198,
6738,
2644,
11321,
1330,
651,
62,
6404,
1362,
198,
6738,
764,
26791,
13,
26791,
1330,
651,
62,
79,
37382,
62,
9641,
198,
30094,
62,
332,
796,
651,
62,
79,
37382,
62,
9641,
3419,
198,
361,
279,
67,
62,
332,
6624,
22855,
25,
198,
220,
220,
220,
1330,
39517,
13,
35522,
312,
13,
9892,
34960,
13,
20471,
355,
299,
77,
198,
220,
220,
220,
422,
39517,
13,
35522,
312,
13,
9892,
34960,
13,
20471,
1330,
34872,
17,
35,
11,
34872,
17,
35,
8291,
3455,
11,
44800,
11,
34398,
35393,
11,
13302,
6048,
278,
198,
220,
220,
220,
422,
39517,
13,
35522,
312,
1330,
25139,
8086,
81,
198,
220,
220,
220,
422,
764,
75,
6962,
62,
727,
1330,
1635,
198,
220,
220,
220,
422,
764,
1330,
11685,
62,
727,
355,
11685,
198,
220,
220,
220,
34398,
796,
39517,
13,
35522,
312,
13,
9892,
34960,
13,
49925,
198,
17772,
25,
198,
220,
220,
220,
1330,
39517,
13,
20471,
355,
299,
77,
198,
220,
220,
220,
422,
39517,
13,
20471,
1330,
34872,
17,
35,
11,
34872,
17,
35,
8291,
3455,
11,
44800,
11,
34398,
35393,
11,
13302,
6048,
278,
11,
35908,
33,
963,
35393,
198,
220,
220,
220,
422,
39517,
1330,
25139,
8086,
81,
198,
220,
220,
220,
422,
764,
75,
6962,
1330,
1635,
198,
220,
220,
220,
422,
764,
1330,
11685,
198,
220,
220,
220,
34398,
796,
39517,
13,
20471,
13,
49925,
198,
6738,
764,
75,
6962,
62,
8692,
1330,
9726,
198,
6738,
764,
1330,
11685,
62,
727,
198,
62,
6404,
1362,
796,
651,
62,
6404,
1362,
7,
834,
3672,
834,
11,
1241,
28,
6404,
2667,
13,
10778,
8,
198,
198,
834,
439,
834,
796,
37250,
16668,
3262,
3256,
705,
3103,
1851,
20520,
198,
198,
8845,
9947,
62,
43,
4792,
1137,
796,
37250,
42946,
3256,
705,
29127,
3256,
705,
20521,
12083,
20520,
628,
198,
4871,
38240,
25,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
38240,
3127,
284,
262,
2208,
3262,
1864,
284,
262,
2989,
2272,
13,
198,
220,
220,
220,
40117,
25,
198,
220,
220,
220,
220,
220,
220,
220,
4732,
7,
79,
2860,
829,
2475,
13,
24716,
13,
1659,
64,
13,
16668,
3262,
2599,
2989,
2272,
5447,
416,
262,
2836,
13,
198,
220,
220,
220,
21066,
25,
198,
220,
220,
220,
220,
220,
220,
220,
11485,
2438,
12,
9967,
3712,
21015,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
422,
14098,
829,
2475,
13,
24716,
13,
1659,
64,
1330,
2208,
3262,
11,
38240,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
599,
62,
3262,
62,
11250,
796,
2208,
3262,
7,
33885,
62,
7857,
16193,
18,
11,
642,
11,
767,
828,
4292,
62,
10366,
952,
41888,
16,
11,
362,
11,
604,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10385,
796,
38240,
7,
2777,
62,
3262,
62,
11250,
8,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
825,
10385,
7,
944,
11,
3127,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
383,
2163,
284,
10385,
262,
3127,
284,
257,
2208,
3262,
13,
198,
220,
220,
220,
220,
220,
220,
220,
40117,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3127,
7,
79,
37382,
13,
20471,
13,
49925,
91,
4868,
7,
79,
37382,
13,
20471,
13,
49925,
8,
2599,
4554,
286,
262,
2746,
393,
1351,
286,
4554,
286,
11685,
13,
198,
220,
220,
220,
220,
220,
220,
220,
21066,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11485,
2438,
12,
9967,
3712,
21015,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
422,
39517,
13,
10178,
13,
27530,
1330,
17754,
268,
316,
62,
85,
16,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
422,
14098,
829,
2475,
13,
24716,
13,
1659,
64,
1330,
2208,
3262,
11,
38240,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
599,
62,
3262,
62,
11250,
796,
2208,
3262,
7,
33885,
62,
7857,
16193,
18,
11,
642,
11,
767,
828,
4292,
62,
10366,
952,
41888,
16,
11,
362,
11,
604,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10385,
796,
38240,
7,
2777,
62,
3262,
62,
11250,
737,
1102,
1851,
7,
76,
25898,
268,
316,
62,
85,
16,
28955,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
2989,
262,
717,
290,
938,
3463,
7679,
11,
836,
470,
1487,
503,
6518,
286,
262,
938,
3463,
7679,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
836,
470,
1487,
287,
6518,
286,
262,
717,
3463,
7679,
198,
220,
220,
220,
220,
220,
220,
220,
2746,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
611,
318,
39098,
7,
27349,
11,
34398,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
1438,
11,
850,
29289,
287,
3127,
13,
13190,
62,
7266,
75,
6962,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2746,
13,
33295,
7,
7266,
29289,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2746,
796,
3127,
628,
220,
220,
220,
220,
220,
220,
220,
717,
62,
6551,
62,
29289,
62,
312,
87,
796,
532,
16,
198,
220,
220,
220,
220,
220,
220,
220,
938,
62,
6551,
62,
29289,
62,
312,
87,
796,
532,
16,
198,
220,
220,
220,
220,
220,
220,
220,
3463,
62,
29289,
62,
9127,
796,
657,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
24550,
25,
662,
62,
17620,
3650,
329,
29401,
8265,
198,
220,
220,
220,
220,
220,
220,
220,
662,
62,
17620,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
1090,
62,
17620,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
329,
4686,
87,
11,
7679,
287,
27056,
378,
7,
19849,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
537,
82,
62,
3672,
796,
7679,
13,
834,
4871,
834,
13,
834,
3672,
834,
13,
21037,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
44386,
4096,
40391,
287,
39517,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
29289,
13,
7266,
75,
6962,
28955,
6624,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
705,
42946,
6,
287,
537,
82,
62,
3672,
393,
705,
29127,
6,
287,
537,
82,
62,
3672,
393,
705,
20521,
12083,
6,
287,
537,
82,
62,
3672,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3463,
62,
29289,
62,
9127,
15853,
352,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
938,
62,
6551,
62,
29289,
62,
312,
87,
796,
4686,
87,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
717,
62,
6551,
62,
29289,
62,
312,
87,
6624,
532,
16,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
717,
62,
6551,
62,
29289,
62,
312,
87,
796,
4686,
87,
628,
220,
220,
220,
220,
220,
220,
220,
611,
651,
35226,
7,
944,
13,
22866,
11,
705,
17620,
3256,
6045,
8,
14512,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6818,
18896,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
22866,
13,
17620,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
6624,
3463,
62,
29289,
62,
9127,
11,
366,
13664,
286,
6518,
1276,
976,
355,
3463,
7679,
526,
628,
220,
220,
220,
220,
220,
220,
220,
329,
4686,
87,
11,
7679,
287,
27056,
378,
7,
19849,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
318,
39098,
7,
29289,
11,
34872,
17,
35,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
708,
81,
62,
11600,
796,
7679,
13,
834,
11600,
834,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1994,
796,
708,
81,
62,
11600,
17816,
62,
12853,
62,
3672,
20520,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
3672,
796,
685,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
2536,
485,
3256,
705,
39231,
3256,
705,
67,
10520,
3256,
705,
24432,
3256,
705,
65,
4448,
62,
35226,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2361,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
279,
67,
62,
332,
6624,
22855,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
3672,
15853,
37250,
17143,
62,
35226,
3256,
705,
1904,
62,
66,
463,
20471,
3256,
705,
529,
3256,
705,
67,
4906,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
3672,
15853,
685,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
6551,
62,
35226,
3256,
705,
7890,
62,
18982,
3256,
705,
39231,
62,
14171,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2361,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
3803,
62,
3672,
7,
29289,
11,
279,
67,
62,
332,
11,
3063,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
796,
8633,
13,
6738,
13083,
7,
3605,
62,
35226,
62,
3672,
11,
6045,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
46188,
20540,
62,
11250,
20520,
796,
8633,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
279,
67,
62,
332,
6624,
22855,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
22510,
62,
354,
8961,
20520,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
22510,
62,
10379,
1010,
20520,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
24455,
62,
7857,
20520,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
259,
62,
354,
8961,
20520,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
448,
62,
354,
8961,
20520,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
33885,
62,
7857,
20520,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
33885,
62,
7857,
796,
651,
35226,
7,
944,
13,
22866,
11,
705,
33885,
62,
7857,
3256,
6045,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
611,
262,
9720,
62,
7857,
286,
3063,
318,
352,
11,
836,
470,
1487,
340,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
277,
591,
796,
705,
62,
24455,
62,
7857,
6,
611,
705,
62,
24455,
62,
7857,
6,
287,
708,
81,
62,
11600,
13,
13083,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
2073,
705,
62,
33885,
62,
7857,
6,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
479,
82,
796,
685,
35226,
62,
11600,
58,
69,
591,
11907,
611,
318,
39098,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
708,
81,
62,
11600,
58,
69,
591,
4357,
3146,
13,
34500,
1373,
8,
2073,
708,
81,
62,
11600,
58,
69,
591,
60,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
33885,
62,
7857,
290,
493,
7,
591,
58,
15,
12962,
14512,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
35636,
62,
33885,
20520,
796,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
69,
591,
58,
16,
25,
11907,
796,
3509,
7,
944,
13,
33885,
62,
7857,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
46188,
20540,
62,
11250,
6,
4083,
19119,
15090,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
33885,
62,
7857,
10354,
2116,
13,
33885,
62,
7857,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
32092,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
69,
591,
58,
16,
25,
11907,
796,
708,
81,
62,
11600,
58,
69,
591,
60,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
287,
62,
2539,
796,
705,
62,
22510,
62,
354,
8961,
6,
611,
705,
62,
22510,
62,
354,
8961,
6,
287,
708,
81,
62,
11600,
13,
13083,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
2073,
705,
62,
259,
62,
354,
8961,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
503,
62,
2539,
796,
705,
62,
22510,
62,
10379,
1010,
6,
611,
705,
62,
22510,
62,
10379,
1010,
6,
287,
708,
81,
62,
11600,
13,
13083,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
2073,
705,
62,
448,
62,
354,
8961,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
22866,
13,
11201,
392,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
44386,
717,
2208,
3063,
2122,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
4686,
87,
6624,
717,
62,
6551,
62,
29289,
62,
312,
87,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
259,
62,
2539,
58,
16,
25,
11907,
796,
708,
81,
62,
11600,
58,
259,
62,
2539,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
259,
62,
2539,
58,
16,
25,
11907,
796,
493,
7,
944,
13,
22866,
13,
11201,
392,
1635,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
708,
81,
62,
11600,
58,
259,
62,
2539,
12962,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
44386,
938,
2208,
3063,
2122,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
4686,
87,
6624,
938,
62,
6551,
62,
29289,
62,
312,
87,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
448,
62,
2539,
58,
16,
25,
11907,
796,
708,
81,
62,
11600,
58,
448,
62,
2539,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
448,
62,
2539,
58,
16,
25,
11907,
796,
493,
7,
944,
13,
22866,
13,
11201,
392,
1635,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
708,
81,
62,
11600,
58,
448,
62,
2539,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
46188,
20540,
62,
11250,
6,
4083,
19119,
15090,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
11201,
392,
62,
10366,
952,
10354,
2116,
13,
22866,
13,
11201,
392,
62,
10366,
952,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
32092,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
2116,
13,
22866,
13,
17620,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
708,
81,
62,
11600,
17816,
62,
24432,
20520,
14512,
6045,
290,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
493,
7,
35226,
62,
11600,
17816,
62,
24432,
6,
12962,
6624,
493,
7,
35226,
62,
11600,
58,
259,
62,
2539,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
15179,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
44386,
6795,
3083,
3063,
11,
611,
3063,
318,
6795,
3083,
11,
779,
662,
6518,
355,
1090,
62,
17620,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
6404,
1362,
13,
40539,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
1532,
3063,
2122,
318,
257,
6795,
3083,
3063,
11,
5072,
6518,
1487,
1,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
284,
262,
976,
6518,
351,
5128,
11,
5072,
6518,
287,
2989,
318,
407,
973,
526,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1090,
62,
17620,
796,
662,
62,
17620,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1090,
62,
17620,
796,
2116,
13,
22866,
13,
17620,
58,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
22866,
13,
17620,
796,
2116,
13,
22866,
13,
17620,
58,
16,
47715,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
4686,
87,
6624,
717,
62,
6551,
62,
29289,
62,
312,
87,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
259,
62,
2539,
58,
16,
25,
11907,
796,
708,
81,
62,
11600,
58,
259,
62,
2539,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
259,
62,
2539,
58,
16,
25,
11907,
796,
3509,
7,
3866,
62,
17620,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
4686,
87,
6624,
938,
62,
6551,
62,
29289,
62,
312,
87,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
448,
62,
2539,
58,
16,
25,
11907,
796,
708,
81,
62,
11600,
58,
448,
62,
2539,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
448,
62,
2539,
58,
16,
25,
11907,
796,
3509,
7,
22019,
62,
17620,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
46188,
20540,
62,
11250,
6,
4083,
19119,
15090,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
17620,
10354,
1090,
62,
17620,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
32092,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
662,
62,
17620,
796,
1090,
62,
17620,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
259,
62,
2539,
58,
16,
25,
11907,
796,
708,
81,
62,
11600,
58,
259,
62,
2539,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
448,
62,
2539,
58,
16,
25,
11907,
796,
708,
81,
62,
11600,
58,
448,
62,
2539,
60,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
708,
81,
287,
649,
62,
35226,
62,
3672,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
708,
81,
6624,
705,
6551,
62,
35226,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
35226,
60,
796,
708,
81,
62,
11600,
17816,
62,
17143,
62,
35226,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
35226,
60,
796,
708,
81,
62,
11600,
17816,
62,
6,
1343,
708,
81,
60,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1619,
7679,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
708,
81,
62,
11600,
17816,
62,
24432,
20520,
6624,
6045,
393,
493,
7,
35226,
62,
11600,
58,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
62,
24432,
6,
12962,
6624,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
44386,
3210,
3063,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7679,
796,
9726,
7,
12442,
3103,
85,
17,
35,
7,
1174,
3605,
62,
35226,
62,
11600,
828,
1994,
28,
2539,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
493,
7,
35226,
62,
11600,
17816,
62,
24432,
6,
12962,
6624,
493,
7,
35226,
62,
11600,
58,
259,
62,
2539,
60,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
611,
3063,
318,
6795,
3083,
3063,
11,
2628,
796,
287,
62,
17620,
11,
503,
62,
17620,
796,
287,
62,
17620,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
6518,
287,
4540,
62,
11250,
796,
287,
62,
17620,
62,
4868,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
705,
17620,
6,
287,
649,
62,
35226,
62,
11600,
17816,
46188,
20540,
62,
11250,
6,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
259,
62,
2539,
58,
16,
25,
11907,
796,
3509,
7,
22019,
62,
17620,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
448,
62,
2539,
58,
16,
25,
11907,
796,
649,
62,
35226,
62,
11600,
58,
259,
62,
2539,
58,
16,
25,
11907,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
46188,
20540,
62,
11250,
6,
7131,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
17620,
20520,
796,
1090,
62,
17620,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
24432,
20520,
796,
649,
62,
35226,
62,
11600,
58,
259,
62,
2539,
58,
16,
25,
11907,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7679,
796,
9726,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3115,
48791,
3083,
3103,
85,
17,
35,
7,
1174,
3605,
62,
35226,
62,
11600,
828,
1994,
28,
2539,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
44386,
1448,
3063,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7679,
796,
9726,
7,
12442,
13247,
3103,
85,
17,
35,
7,
1174,
3605,
62,
35226,
62,
11600,
828,
1994,
28,
2539,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2746,
58,
312,
87,
60,
796,
7679,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
357,
271,
39098,
7,
29289,
11,
299,
77,
13,
33,
963,
35393,
17,
35,
8,
393,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
318,
39098,
7,
29289,
11,
299,
77,
13,
33,
963,
35393,
4008,
290,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
651,
35226,
7,
944,
13,
22866,
11,
705,
11201,
392,
3256,
6045,
8,
14512,
6045,
393,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
651,
35226,
7,
944,
13,
22866,
11,
705,
17620,
3256,
6045,
8,
14512,
6045,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
997,
62,
40890,
287,
347,
963,
35393,
836,
470,
1487,
706,
938,
3463,
12879,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
4686,
87,
1875,
938,
62,
6551,
62,
29289,
62,
312,
87,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2555,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
779,
62,
9374,
62,
727,
796,
10352,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
318,
39098,
7,
29289,
11,
299,
77,
13,
33,
963,
35393,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
779,
62,
9374,
62,
727,
796,
6407,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
708,
81,
62,
11600,
796,
7679,
13,
834,
11600,
834,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
3672,
796,
37250,
32542,
298,
388,
3256,
705,
538,
18217,
261,
3256,
705,
65,
4448,
62,
35226,
20520,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
279,
67,
62,
332,
6624,
22855,
393,
779,
62,
9374,
62,
727,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
3672,
15853,
685,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
17143,
62,
35226,
3256,
705,
529,
3256,
705,
67,
4906,
3256,
705,
259,
62,
5372,
3256,
705,
7890,
62,
39786,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
271,
62,
9288,
3256,
705,
1904,
62,
20541,
62,
34242,
3256,
705,
27432,
540,
62,
14269,
3969,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2361,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
3672,
15853,
37250,
6551,
62,
35226,
3256,
705,
7890,
62,
18982,
3256,
705,
3672,
20520,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
3803,
62,
3672,
7,
29289,
11,
279,
67,
62,
332,
11,
779,
62,
9374,
62,
727,
28,
1904,
62,
9374,
62,
727,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
796,
8633,
13,
6738,
13083,
7,
3605,
62,
35226,
62,
3672,
11,
6045,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
279,
67,
62,
332,
6624,
22855,
393,
779,
62,
9374,
62,
727,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
22510,
62,
354,
8961,
20520,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
22510,
62,
40890,
20520,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
2539,
796,
705,
22510,
62,
354,
8961,
6,
611,
705,
22510,
62,
354,
8961,
6,
287,
649,
62,
35226,
62,
11600,
13,
13083,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
2073,
705,
22510,
62,
40890,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
22866,
13,
11201,
392,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
3605,
62,
2539,
60,
796,
493,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
22866,
13,
11201,
392,
1635,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7679,
13557,
17143,
7307,
17816,
6551,
6,
4083,
43358,
58,
15,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
2116,
13,
22866,
13,
17620,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
3605,
62,
2539,
60,
796,
3509,
7,
22019,
62,
17620,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
3605,
62,
2539,
60,
796,
708,
81,
62,
11600,
58,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
62,
22510,
62,
354,
8961,
20520,
611,
705,
62,
22510,
62,
354,
8961,
6,
287,
708,
81,
62,
11600,
13,
13083,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
2073,
708,
81,
62,
11600,
17816,
62,
22510,
62,
40890,
20520,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
708,
81,
287,
649,
62,
35226,
62,
3672,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
35226,
60,
796,
708,
81,
62,
11600,
17816,
62,
6,
1343,
708,
81,
60,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1619,
7679,
11,
708,
81,
62,
11600,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7679,
796,
11685,
62,
727,
13,
12442,
33,
963,
35393,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12429,
3605,
62,
35226,
62,
11600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
611,
279,
67,
62,
332,
6624,
22855,
393,
779,
62,
9374,
62,
727,
2073,
11685,
13,
12442,
33,
963,
35393,
17,
35,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12429,
3605,
62,
35226,
62,
11600,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2746,
58,
312,
87,
60,
796,
7679,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
318,
39098,
7,
29289,
11,
35908,
33,
963,
35393,
8,
290,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
651,
35226,
7,
944,
13,
22866,
11,
705,
11201,
392,
3256,
6045,
8,
14512,
6045,
393,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
651,
35226,
7,
944,
13,
22866,
11,
705,
17620,
3256,
6045,
8,
14512,
6045,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
997,
62,
40890,
287,
35908,
33,
963,
35393,
836,
470,
1487,
706,
938,
3463,
12879,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
4686,
87,
1875,
938,
62,
6551,
62,
29289,
62,
312,
87,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2555,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
708,
81,
62,
11600,
796,
7679,
13,
834,
11600,
834,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
3672,
796,
37250,
32542,
298,
388,
3256,
705,
538,
18217,
261,
3256,
705,
65,
4448,
62,
35226,
20520,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
3672,
15853,
37250,
6551,
62,
35226,
3256,
705,
7890,
62,
18982,
3256,
705,
3672,
20520,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
3803,
62,
3672,
7,
29289,
11,
279,
67,
62,
332,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
796,
8633,
13,
6738,
13083,
7,
3605,
62,
35226,
62,
3672,
11,
6045,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
22510,
62,
40890,
20520,
796,
6045,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
2539,
796,
705,
22510,
62,
354,
8961,
6,
611,
705,
22510,
62,
354,
8961,
6,
287,
649,
62,
35226,
62,
11600,
13,
13083,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
2073,
705,
22510,
62,
40890,
6,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
22866,
13,
11201,
392,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
3605,
62,
2539,
60,
796,
493,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
22866,
13,
11201,
392,
1635,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7679,
13557,
17143,
7307,
17816,
6551,
6,
4083,
43358,
58,
15,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
2116,
13,
22866,
13,
17620,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
3605,
62,
2539,
60,
796,
3509,
7,
22019,
62,
17620,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
3605,
62,
2539,
60,
796,
708,
81,
62,
11600,
58,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
62,
22510,
62,
354,
8961,
20520,
611,
705,
62,
22510,
62,
354,
8961,
6,
287,
708,
81,
62,
11600,
13,
13083,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
2073,
708,
81,
62,
11600,
17816,
62,
22510,
62,
40890,
20520,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
708,
81,
287,
649,
62,
35226,
62,
3672,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
35226,
60,
796,
708,
81,
62,
11600,
17816,
62,
6,
1343,
708,
81,
60,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1619,
7679,
11,
708,
81,
62,
11600,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7679,
796,
11685,
13,
12442,
28985,
33,
963,
35393,
7,
1174,
3605,
62,
35226,
62,
11600,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2746,
58,
312,
87,
60,
796,
7679,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
44386,
7048,
5072,
62,
7857,
796,
6045,
11,
8106,
62,
7857,
14512,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
44386,
24550,
25,
5072,
62,
7857,
14512,
6045,
743,
5298,
4049,
11,
8494,
618,
340,
1147,
437,
13,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
318,
39098,
7,
29289,
11,
34872,
17,
35,
8291,
3455,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
708,
81,
62,
11600,
796,
7679,
13,
834,
11600,
834,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1994,
796,
708,
81,
62,
11600,
17816,
62,
12853,
62,
3672,
20520,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
3672,
796,
685,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
2536,
485,
3256,
705,
39231,
3256,
705,
67,
10520,
3256,
705,
24432,
3256,
705,
65,
4448,
62,
35226,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2361,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6818,
651,
35226,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
708,
81,
62,
11600,
11,
705,
62,
24455,
62,
7857,
3256,
705,
62,
33885,
62,
7857,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
14512,
6045,
11,
366,
3103,
85,
17,
35,
8291,
3455,
691,
1104,
9720,
2546,
14512,
6045,
783,
1,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
279,
67,
62,
332,
6624,
22855,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
3672,
15853,
685,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
22915,
62,
7857,
3256,
705,
17143,
62,
35226,
3256,
705,
1904,
62,
66,
463,
20471,
3256,
705,
529,
3256,
705,
67,
4906,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2361,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
3672,
15853,
685,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
22915,
62,
39231,
3256,
705,
6551,
62,
35226,
3256,
705,
7890,
62,
18982,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2361,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
796,
8633,
13,
6738,
13083,
7,
3605,
62,
35226,
62,
3672,
11,
6045,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
46188,
20540,
62,
11250,
20520,
796,
8633,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
279,
67,
62,
332,
6624,
22855,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
22510,
62,
354,
8961,
20520,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
22510,
62,
10379,
1010,
20520,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
24455,
62,
7857,
20520,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
259,
62,
354,
8961,
20520,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
448,
62,
354,
8961,
20520,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
33885,
62,
7857,
20520,
796,
6045,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
3803,
62,
3672,
7,
29289,
11,
279,
67,
62,
332,
11,
3063,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
33885,
62,
7857,
796,
651,
35226,
7,
944,
13,
22866,
11,
705,
33885,
62,
7857,
3256,
6045,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
611,
262,
9720,
62,
7857,
286,
3063,
1007,
3455,
318,
352,
11,
836,
470,
1487,
340,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
277,
591,
796,
705,
62,
24455,
62,
7857,
6,
611,
705,
62,
24455,
62,
7857,
6,
287,
708,
81,
62,
11600,
13,
13083,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
2073,
705,
62,
33885,
62,
7857,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
479,
82,
796,
685,
35226,
62,
11600,
58,
69,
591,
11907,
611,
318,
39098,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
708,
81,
62,
11600,
58,
69,
591,
4357,
3146,
13,
34500,
1373,
8,
2073,
708,
81,
62,
11600,
58,
69,
591,
60,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
33885,
62,
7857,
290,
493,
7,
591,
58,
15,
12962,
14512,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
35636,
62,
33885,
20520,
796,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
69,
591,
58,
16,
25,
11907,
796,
3509,
7,
944,
13,
33885,
62,
7857,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
46188,
20540,
62,
11250,
6,
4083,
19119,
15090,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
33885,
62,
7857,
10354,
2116,
13,
33885,
62,
7857,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
32092,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
69,
591,
58,
16,
25,
11907,
796,
708,
81,
62,
11600,
58,
69,
591,
60,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
287,
62,
2539,
796,
705,
62,
22510,
62,
354,
8961,
6,
611,
705,
62,
22510,
62,
354,
8961,
6,
287,
708,
81,
62,
11600,
13,
13083,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
2073,
705,
62,
259,
62,
354,
8961,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
503,
62,
2539,
796,
705,
62,
22510,
62,
10379,
1010,
6,
611,
705,
62,
22510,
62,
10379,
1010,
6,
287,
708,
81,
62,
11600,
13,
13083,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
2073,
705,
62,
448,
62,
354,
8961,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
22866,
13,
11201,
392,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
44386,
717,
2208,
3063,
2122,
1007,
3455,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
4686,
87,
6624,
717,
62,
6551,
62,
29289,
62,
312,
87,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
259,
62,
2539,
58,
16,
25,
11907,
796,
708,
81,
62,
11600,
58,
259,
62,
2539,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
259,
62,
2539,
58,
16,
25,
11907,
796,
493,
7,
944,
13,
22866,
13,
11201,
392,
1635,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
708,
81,
62,
11600,
58,
259,
62,
2539,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
44386,
938,
2208,
3063,
2122,
1007,
3455,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
4686,
87,
6624,
938,
62,
6551,
62,
29289,
62,
312,
87,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
448,
62,
2539,
58,
16,
25,
11907,
796,
708,
81,
62,
11600,
58,
448,
62,
2539,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
448,
62,
2539,
58,
16,
25,
11907,
796,
493,
7,
944,
13,
22866,
13,
11201,
392,
1635,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
708,
81,
62,
11600,
58,
448,
62,
2539,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
46188,
20540,
62,
11250,
6,
4083,
19119,
15090,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
11201,
392,
62,
10366,
952,
10354,
2116,
13,
22866,
13,
11201,
392,
62,
10366,
952,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
32092,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
2116,
13,
22866,
13,
17620,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
708,
81,
62,
11600,
17816,
62,
24432,
20520,
14512,
6045,
290,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
493,
7,
35226,
62,
11600,
17816,
62,
24432,
6,
12962,
6624,
493,
7,
35226,
62,
11600,
58,
259,
62,
2539,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
15179,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
44386,
6795,
3083,
3063,
62,
7645,
3455,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
6404,
1362,
13,
40539,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
1532,
3063,
2122,
318,
257,
6795,
3083,
3063,
62,
7645,
3455,
11,
5072,
6518,
366,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
3803,
284,
262,
976,
6518,
351,
5128,
11,
5072,
6518,
287,
2989,
318,
407,
973,
526,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1090,
62,
17620,
796,
662,
62,
17620,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1090,
62,
17620,
796,
2116,
13,
22866,
13,
17620,
58,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
22866,
13,
17620,
796,
2116,
13,
22866,
13,
17620,
58,
16,
47715,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
4686,
87,
6624,
717,
62,
6551,
62,
29289,
62,
312,
87,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
259,
62,
2539,
58,
16,
25,
11907,
796,
708,
81,
62,
11600,
58,
259,
62,
2539,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
259,
62,
2539,
58,
16,
25,
11907,
796,
3509,
7,
3866,
62,
17620,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
4686,
87,
6624,
938,
62,
6551,
62,
29289,
62,
312,
87,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
448,
62,
2539,
58,
16,
25,
11907,
796,
708,
81,
62,
11600,
58,
448,
62,
2539,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
448,
62,
2539,
58,
16,
25,
11907,
796,
3509,
7,
22019,
62,
17620,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
46188,
20540,
62,
11250,
6,
4083,
19119,
15090,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
17620,
10354,
1090,
62,
17620,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
32092,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
662,
62,
17620,
796,
1090,
62,
17620,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
259,
62,
2539,
58,
16,
25,
11907,
796,
708,
81,
62,
11600,
58,
259,
62,
2539,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
448,
62,
2539,
58,
16,
25,
11907,
796,
708,
81,
62,
11600,
58,
448,
62,
2539,
60,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
708,
81,
287,
649,
62,
35226,
62,
3672,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
708,
81,
6624,
705,
6551,
62,
35226,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
35226,
60,
796,
708,
81,
62,
11600,
17816,
62,
17143,
62,
35226,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
708,
81,
6624,
705,
22915,
62,
39231,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
35226,
60,
796,
708,
81,
62,
11600,
58,
35226,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
35226,
60,
796,
708,
81,
62,
11600,
17816,
62,
6,
1343,
708,
81,
60,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1619,
7679,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
651,
35226,
7,
3605,
62,
35226,
62,
11600,
11,
705,
22915,
62,
7857,
3256,
6045,
8,
6624,
685,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
22915,
62,
7857,
20520,
796,
6045,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
708,
81,
62,
11600,
17816,
62,
24432,
20520,
6624,
6045,
393,
493,
7,
35226,
62,
11600,
58,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
62,
24432,
6,
12962,
6624,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
44386,
3210,
3063,
62,
7645,
3455,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7679,
796,
9726,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3115,
3103,
85,
17,
35,
8291,
3455,
7,
1174,
3605,
62,
35226,
62,
11600,
828,
1994,
28,
2539,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
493,
7,
35226,
62,
11600,
17816,
62,
24432,
6,
12962,
6624,
493,
7,
35226,
62,
11600,
58,
259,
62,
2539,
60,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
611,
3063,
318,
6795,
3083,
3063,
11,
2628,
796,
287,
62,
17620,
11,
503,
62,
17620,
796,
287,
62,
17620,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
6518,
287,
4540,
62,
11250,
796,
287,
62,
17620,
62,
4868,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
705,
17620,
6,
287,
649,
62,
35226,
62,
11600,
17816,
46188,
20540,
62,
11250,
6,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
259,
62,
2539,
58,
16,
25,
11907,
796,
3509,
7,
22019,
62,
17620,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
448,
62,
2539,
58,
16,
25,
11907,
796,
649,
62,
35226,
62,
11600,
58,
259,
62,
2539,
58,
16,
25,
11907,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
46188,
20540,
62,
11250,
6,
7131,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
17620,
20520,
796,
1090,
62,
17620,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
24432,
20520,
796,
649,
62,
35226,
62,
11600,
58,
259,
62,
2539,
58,
16,
25,
11907,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7679,
796,
9726,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3115,
48791,
3083,
3103,
85,
17,
35,
8291,
3455,
7,
1174,
3605,
62,
35226,
62,
11600,
828,
1994,
28,
2539,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
44386,
1448,
3063,
62,
7645,
3455,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7679,
796,
9726,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3115,
13247,
3103,
85,
17,
35,
8291,
3455,
7,
1174,
3605,
62,
35226,
62,
11600,
828,
1994,
28,
2539,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2746,
58,
312,
87,
60,
796,
7679,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
318,
39098,
7,
29289,
11,
44800,
8,
290,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
651,
35226,
7,
944,
13,
22866,
11,
705,
11201,
392,
3256,
6045,
8,
14512,
6045,
393,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
651,
35226,
7,
944,
13,
22866,
11,
705,
17620,
3256,
6045,
8,
14512,
6045,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
708,
81,
62,
11600,
796,
7679,
13,
834,
11600,
834,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1994,
796,
708,
81,
62,
11600,
17816,
62,
12853,
62,
3672,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
279,
67,
62,
332,
6624,
22855,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
3672,
796,
37250,
529,
3256,
705,
67,
4906,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
3672,
796,
37250,
6551,
62,
35226,
3256,
705,
65,
4448,
62,
35226,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
3803,
62,
3672,
7,
29289,
11,
279,
67,
62,
332,
8,
611,
279,
67,
62,
332,
14512,
22855,
2073,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
287,
62,
10782,
11,
503,
62,
10782,
796,
7679,
13557,
17143,
7307,
17816,
6551,
6,
4083,
43358,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
796,
8633,
13,
6738,
13083,
7,
3605,
62,
35226,
62,
3672,
11,
6045,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
46188,
20540,
62,
11250,
20520,
796,
8633,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
279,
67,
62,
332,
6624,
22855,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
15414,
62,
27740,
20520,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
22915,
62,
27740,
20520,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
259,
62,
40890,
20520,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
448,
62,
40890,
20520,
796,
6045,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
287,
62,
2539,
796,
705,
62,
15414,
62,
27740,
6,
611,
279,
67,
62,
332,
6624,
22855,
2073,
705,
62,
259,
62,
40890,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
503,
62,
2539,
796,
705,
62,
22915,
62,
27740,
6,
611,
279,
67,
62,
332,
6624,
22855,
2073,
705,
62,
448,
62,
40890,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
708,
81,
62,
11600,
58,
259,
62,
2539,
60,
796,
287,
62,
10782,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
708,
81,
62,
11600,
58,
448,
62,
2539,
60,
796,
503,
62,
10782,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
22866,
13,
11201,
392,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
4686,
87,
6624,
717,
62,
6551,
62,
29289,
62,
312,
87,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
259,
62,
2539,
58,
16,
25,
11907,
796,
493,
7,
35226,
62,
11600,
58,
259,
62,
2539,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
259,
62,
2539,
58,
16,
25,
11907,
796,
493,
7,
944,
13,
22866,
13,
11201,
392,
1635,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
708,
81,
62,
11600,
58,
259,
62,
2539,
12962,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
4686,
87,
6624,
938,
62,
6551,
62,
29289,
62,
312,
87,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
448,
62,
2539,
58,
16,
25,
11907,
796,
493,
7,
35226,
62,
11600,
58,
448,
62,
2539,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
448,
62,
2539,
58,
16,
25,
11907,
796,
493,
7,
944,
13,
22866,
13,
11201,
392,
1635,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
708,
81,
62,
11600,
58,
448,
62,
2539,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
46188,
20540,
62,
11250,
6,
4083,
19119,
15090,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
11201,
392,
62,
10366,
952,
10354,
2116,
13,
22866,
13,
11201,
392,
62,
10366,
952,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
32092,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
2116,
13,
22866,
13,
17620,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1090,
62,
17620,
796,
2116,
13,
22866,
13,
17620,
58,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
22866,
13,
17620,
796,
2116,
13,
22866,
13,
17620,
58,
16,
47715,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
4686,
87,
6624,
717,
62,
6551,
62,
29289,
62,
312,
87,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
259,
62,
2539,
58,
16,
25,
11907,
796,
493,
7,
35226,
62,
11600,
58,
259,
62,
2539,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
259,
62,
2539,
58,
16,
25,
11907,
796,
3509,
7,
3866,
62,
17620,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
4686,
87,
6624,
938,
62,
6551,
62,
29289,
62,
312,
87,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
448,
62,
2539,
58,
16,
25,
11907,
796,
493,
7,
35226,
62,
11600,
58,
448,
62,
2539,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
448,
62,
2539,
58,
16,
25,
11907,
796,
3509,
7,
22019,
62,
17620,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
46188,
20540,
62,
11250,
6,
4083,
19119,
15090,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
17620,
10354,
1090,
62,
17620,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
32092,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
662,
62,
17620,
796,
1090,
62,
17620,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
259,
62,
2539,
58,
16,
25,
11907,
796,
493,
7,
35226,
62,
11600,
58,
259,
62,
2539,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
448,
62,
2539,
58,
16,
25,
11907,
796,
493,
7,
35226,
62,
11600,
58,
448,
62,
2539,
12962,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
708,
81,
287,
649,
62,
35226,
62,
3672,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
35226,
60,
796,
708,
81,
62,
11600,
17816,
62,
6,
1343,
708,
81,
60,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1619,
7679,
11,
708,
81,
62,
11600,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7679,
796,
9726,
7,
12442,
14993,
451,
7,
1174,
3605,
62,
35226,
62,
11600,
828,
1994,
28,
2539,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2746,
58,
312,
87,
60,
796,
7679,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
318,
39098,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7679,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
651,
35226,
7,
20471,
11,
705,
33384,
35393,
17,
35,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
39517,
13,
35522,
312,
13,
9892,
34960,
13,
20471,
13,
33384,
35393,
4008,
290,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
651,
35226,
7,
944,
13,
22866,
11,
705,
11201,
392,
3256,
6045,
8,
14512,
6045,
393,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
651,
35226,
7,
944,
13,
22866,
11,
705,
17620,
3256,
6045,
8,
14512,
6045,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
997,
62,
40890,
287,
2262,
590,
35393,
836,
470,
1487,
706,
938,
3463,
12879,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
4686,
87,
1875,
938,
62,
6551,
62,
29289,
62,
312,
87,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2555,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
708,
81,
62,
11600,
796,
7679,
13,
834,
11600,
834,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
279,
67,
62,
332,
6624,
22855,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
3672,
796,
685,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
65,
4448,
62,
35226,
3256,
705,
538,
18217,
261,
3256,
705,
17143,
62,
35226,
3256,
705,
67,
4906,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2361,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
3672,
796,
37250,
65,
4448,
62,
35226,
3256,
705,
538,
18217,
261,
3256,
705,
6551,
62,
35226,
20520,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
3803,
62,
3672,
7,
29289,
11,
279,
67,
62,
332,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
796,
8633,
13,
6738,
13083,
7,
3605,
62,
35226,
62,
3672,
11,
6045,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
279,
67,
62,
332,
6624,
22855,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
22510,
62,
354,
8961,
20520,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
22510,
62,
40890,
20520,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
2539,
796,
705,
62,
22510,
62,
354,
8961,
6,
611,
705,
62,
22510,
62,
354,
8961,
6,
287,
649,
62,
35226,
62,
11600,
13,
13083,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
2073,
705,
62,
22510,
62,
40890,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
44386,
838,
318,
257,
4277,
6518,
287,
262,
1339,
286,
3463,
62,
35226,
28,
25101,
11,
287,
428,
4006,
11,
997,
286,
9619,
611,
13894,
11,
523,
1577,
340,
40647,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
708,
81,
62,
11600,
58,
3605,
62,
2539,
60,
796,
7679,
13557,
17143,
7307,
17816,
9888,
6,
4083,
43358,
58,
15,
60,
611,
18896,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7679,
13557,
17143,
7307,
8,
14512,
657,
2073,
838,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
22866,
13,
11201,
392,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
3605,
62,
2539,
58,
16,
25,
11907,
796,
493,
7,
944,
13,
22866,
13,
11201,
392,
1635,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
708,
81,
62,
11600,
58,
3605,
62,
2539,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
2116,
13,
22866,
13,
17620,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
3605,
62,
2539,
58,
16,
25,
11907,
796,
3509,
7,
22019,
62,
17620,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
3605,
62,
2539,
58,
16,
25,
11907,
796,
708,
81,
62,
11600,
58,
3605,
62,
2539,
60,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
708,
81,
287,
649,
62,
35226,
62,
3672,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
35226,
60,
796,
708,
81,
62,
11600,
17816,
62,
6,
1343,
708,
81,
60,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1619,
7679,
11,
708,
81,
62,
11600,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7679,
796,
11685,
13,
12442,
33384,
35393,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12429,
3605,
62,
35226,
62,
11600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
611,
279,
67,
62,
332,
6624,
22855,
2073,
11685,
13,
12442,
33384,
35393,
17,
35,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12429,
3605,
62,
35226,
62,
11600,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2746,
58,
312,
87,
60,
796,
7679,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
318,
39098,
7,
29289,
11,
34398,
35393,
8,
290,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
651,
35226,
7,
944,
13,
22866,
11,
705,
11201,
392,
3256,
6045,
8,
14512,
6045,
393,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
651,
35226,
7,
944,
13,
22866,
11,
705,
17620,
3256,
6045,
8,
14512,
6045,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
44386,
16926,
46,
7,
344,
979,
18,
2599,
4259,
618,
39279,
62,
43358,
14512,
938,
62,
27740,
62,
1659,
62,
15414,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
4686,
87,
1875,
938,
62,
6551,
62,
29289,
62,
312,
87,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2555,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
708,
81,
62,
11600,
796,
7679,
13,
834,
11600,
834,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
3672,
796,
37250,
538,
18217,
261,
3256,
705,
65,
4448,
62,
35226,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
279,
67,
62,
332,
6624,
22855,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
3672,
15853,
685,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
9888,
3256,
705,
30846,
3256,
705,
17143,
62,
35226,
3256,
705,
529,
3256,
705,
67,
4906,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2361,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
3672,
15853,
37250,
6551,
62,
35226,
20520,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
3803,
62,
3672,
7,
29289,
11,
279,
67,
62,
332,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
796,
8633,
13,
6738,
13083,
7,
3605,
62,
35226,
62,
3672,
11,
6045,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
11265,
1143,
62,
43358,
20520,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
22866,
13,
11201,
392,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
11265,
1143,
62,
43358,
20520,
796,
493,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
22866,
13,
11201,
392,
1635,
708,
81,
62,
11600,
17816,
62,
11265,
1143,
62,
43358,
6,
7131,
15,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
2116,
13,
22866,
13,
17620,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
11265,
1143,
62,
43358,
20520,
796,
3509,
7,
22019,
62,
17620,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
11265,
1143,
62,
43358,
20520,
796,
708,
81,
62,
11600,
58,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
62,
11265,
1143,
62,
43358,
20520,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
708,
81,
287,
649,
62,
35226,
62,
3672,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
35226,
60,
796,
708,
81,
62,
11600,
17816,
62,
6,
1343,
708,
81,
60,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1619,
7679,
11,
708,
81,
62,
11600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7679,
796,
3115,
49925,
35393,
7,
1174,
3605,
62,
35226,
62,
11600,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2746,
58,
312,
87,
60,
796,
7679,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
318,
39098,
7,
29289,
11,
13302,
6048,
278,
8,
290,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
651,
35226,
7,
944,
13,
22866,
11,
705,
11201,
392,
3256,
6045,
8,
14512,
6045,
393,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
651,
35226,
7,
944,
13,
22866,
11,
705,
17620,
3256,
6045,
8,
14512,
6045,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
708,
81,
62,
11600,
796,
7679,
13,
834,
11600,
834,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1994,
796,
708,
81,
62,
11600,
17816,
62,
12853,
62,
3672,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
3672,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
279,
67,
62,
332,
6624,
22855,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
3672,
15853,
685,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
271,
62,
82,
29572,
3256,
705,
271,
62,
17080,
6169,
3256,
705,
17143,
62,
35226,
3256,
705,
67,
4906,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2361,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
3672,
15853,
37250,
82,
29572,
3256,
705,
6551,
62,
35226,
3256,
705,
3672,
20520,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
3803,
62,
3672,
7,
29289,
11,
279,
67,
62,
332,
11,
468,
62,
65,
4448,
28,
25101,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
796,
8633,
13,
6738,
13083,
7,
3605,
62,
35226,
62,
3672,
11,
6045,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
46188,
20540,
62,
11250,
20520,
796,
8633,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
307,
69,
62,
7857,
796,
708,
81,
62,
11600,
17816,
62,
7857,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
22866,
13,
11201,
392,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
279,
67,
62,
332,
6624,
22855,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
7857,
20520,
796,
685,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
307,
69,
62,
7857,
58,
15,
4357,
493,
7,
944,
13,
22866,
13,
11201,
392,
1635,
307,
69,
62,
7857,
58,
16,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2361,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
22510,
62,
20521,
67,
654,
20520,
796,
708,
81,
62,
11600,
58,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
62,
22510,
62,
20521,
67,
654,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
20521,
12083,
62,
27740,
20520,
796,
493,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
22866,
13,
11201,
392,
1635,
708,
81,
62,
11600,
17816,
62,
20521,
12083,
62,
27740,
6,
12962,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
46188,
20540,
62,
11250,
6,
4083,
19119,
15090,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
11201,
392,
62,
10366,
952,
10354,
2116,
13,
22866,
13,
11201,
392,
62,
10366,
952,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
32092,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
2116,
13,
22866,
13,
17620,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1090,
62,
17620,
796,
2116,
13,
22866,
13,
17620,
58,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
22866,
13,
17620,
796,
2116,
13,
22866,
13,
17620,
58,
16,
47715,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
279,
67,
62,
332,
6624,
22855,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
7857,
20520,
796,
685,
65,
891,
62,
7857,
58,
15,
4357,
3509,
7,
22019,
62,
17620,
15437,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
22510,
62,
20521,
67,
654,
20520,
796,
708,
81,
62,
11600,
58,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
62,
22510,
62,
20521,
67,
654,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
20521,
12083,
62,
27740,
20520,
796,
3509,
7,
22019,
62,
17620,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
46188,
20540,
62,
11250,
6,
4083,
19119,
15090,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
17620,
10354,
1090,
62,
17620,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
32092,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
662,
62,
17620,
796,
1090,
62,
17620,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
279,
69,
62,
332,
6624,
22855,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
7857,
20520,
796,
307,
69,
62,
7857,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
22510,
62,
20521,
67,
654,
20520,
796,
708,
81,
62,
11600,
58,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
62,
22510,
62,
20521,
67,
654,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
20521,
12083,
62,
27740,
20520,
796,
708,
81,
62,
11600,
58,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
62,
20521,
12083,
62,
27740,
20520,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
708,
81,
287,
649,
62,
35226,
62,
3672,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
58,
35226,
60,
796,
708,
81,
62,
11600,
17816,
62,
6,
1343,
708,
81,
60,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
35226,
62,
11600,
17816,
39231,
62,
312,
87,
20520,
796,
6045,
611,
708,
81,
62,
11600,
58,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
62,
39231,
62,
312,
87,
20520,
6624,
532,
16,
2073,
708,
81,
62,
11600,
17816,
62,
39231,
62,
312,
87,
20520,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1619,
7679,
11,
708,
81,
62,
11600,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7679,
796,
9726,
7,
12442,
31567,
6048,
278,
7,
1174,
3605,
62,
35226,
62,
11600,
828,
1994,
28,
2539,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2746,
58,
312,
87,
60,
796,
7679,
628,
220,
220,
220,
220,
220,
220,
220,
611,
318,
39098,
7,
27349,
11,
34398,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1090,
81,
62,
312,
796,
657,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
3672,
62,
4868,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
651,
62,
35312,
62,
14933,
7,
27349,
11,
685,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
4686,
87,
11,
299,
75,
287,
27056,
378,
7,
944,
13,
3672,
62,
4868,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
21283,
8,
1875,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2010,
796,
6626,
62,
40290,
7,
27349,
11,
299,
75,
58,
21912,
16,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2010,
796,
3127,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
900,
35226,
7,
3262,
11,
299,
75,
58,
12,
16,
4357,
2746,
58,
312,
87,
12962,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
3127,
628,
198,
4871,
2208,
3262,
25,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
11140,
2272,
286,
262,
3127,
13,
198,
220,
220,
220,
40117,
25,
198,
220,
220,
220,
220,
220,
220,
220,
9720,
62,
7857,
7,
4868,
91,
83,
29291,
11,
11902,
2599,
2989,
2272,
329,
262,
9720,
2546,
286,
262,
34872,
17,
35,
13,
198,
220,
220,
220,
220,
220,
220,
220,
4292,
62,
10366,
952,
7,
4868,
91,
83,
29291,
11,
11902,
2599,
262,
2989,
2272,
329,
262,
4292,
8064,
286,
262,
1271,
286,
9619,
286,
34872,
17,
35,
11,
262,
4292,
8064,
286,
262,
5072,
15225,
286,
262,
13302,
6048,
278,
393,
44800,
11,
543,
1724,
428,
11507,
651,
262,
1271,
286,
9619,
286,
1123,
13349,
287,
262,
11513,
2208,
3127,
1912,
319,
262,
262,
9619,
286,
1123,
13349,
287,
262,
2656,
2746,
11,
523,
428,
11507,
383,
4129,
318,
352,
13,
2329,
900,
530,
1022,
428,
11507,
290,
7559,
17620,
15506,
13,
198,
220,
220,
220,
220,
220,
220,
220,
6518,
7,
4868,
91,
83,
29291,
11,
11902,
2599,
262,
2989,
2272,
329,
262,
1271,
286,
9619,
286,
34872,
17,
35,
11,
262,
5072,
15225,
286,
262,
13302,
6048,
278,
393,
44800,
11,
428,
11507,
3264,
5621,
262,
1271,
286,
9619,
286,
1123,
13349,
287,
262,
2208,
3127,
11,
523,
262,
4129,
286,
428,
11507,
2476,
284,
307,
262,
976,
355,
262,
2472,
1271,
326,
286,
34872,
17,
35,
11,
13302,
6048,
278,
11,
290,
44800,
3017,
287,
262,
3127,
13,
2329,
900,
530,
1022,
428,
11507,
290,
7559,
11201,
392,
62,
10366,
952,
15506,
13,
198,
220,
220,
220,
37227,
628,
198,
2,
4299,
286,
64,
62,
16668,
3262,
7,
33885,
62,
7857,
11,
4292,
62,
10366,
952,
2599,
198,
2,
220,
220,
220,
825,
4808,
1659,
64,
62,
16668,
3262,
7,
20786,
2599,
198,
2,
220,
220,
220,
220,
220,
220,
220,
2488,
12543,
310,
10141,
13,
29988,
862,
7,
20786,
8,
198,
2,
220,
220,
220,
220,
220,
220,
220,
825,
10385,
46491,
22046,
11,
12429,
46265,
22046,
2599,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2208,
3262,
62,
1102,
1851,
46491,
22046,
11,
12429,
46265,
22046,
8,
198,
2,
220,
220,
220,
220,
220,
220,
220,
1441,
10385,
198,
2,
220,
220,
220,
1441,
4808,
1659,
64,
62,
16668,
3262
] | 1.76956 | 18,239 |
from gensim import models
w = models.Word2Vec.load_word2vec_format('/home/jalaj/Downloads/GoogleNews-vectors-negative300.bin', binary=True)
if 'the' in w.wv.vocab:
print("Vector for word 'the' \n")
print(w.wv['the'])
else:
print("Vocabulary doesn't include word 'the'\n")
if 'a' in w.wv.vocab:
print("Vector for word 'a' \n")
print(w.wv['a'])
else:
print("Vocabulary doesn't include word 'a'\n") | [
6738,
308,
641,
320,
1330,
4981,
198,
86,
796,
4981,
13,
26449,
17,
53,
721,
13,
2220,
62,
4775,
17,
35138,
62,
18982,
10786,
14,
11195,
14,
73,
282,
1228,
14,
10002,
82,
14,
11708,
9980,
12,
303,
5217,
12,
31591,
6200,
13,
8800,
3256,
13934,
28,
17821,
8,
198,
361,
705,
1169,
6,
287,
266,
13,
86,
85,
13,
18893,
397,
25,
198,
220,
220,
220,
3601,
7203,
38469,
329,
1573,
705,
1169,
6,
3467,
77,
4943,
198,
220,
220,
220,
3601,
7,
86,
13,
86,
85,
17816,
1169,
6,
12962,
198,
17772,
25,
198,
220,
220,
220,
3601,
7203,
53,
420,
22528,
1595,
470,
2291,
1573,
705,
1169,
6,
59,
77,
4943,
198,
361,
705,
64,
6,
287,
266,
13,
86,
85,
13,
18893,
397,
25,
198,
220,
220,
220,
3601,
7203,
38469,
329,
1573,
705,
64,
6,
3467,
77,
4943,
198,
220,
220,
220,
3601,
7,
86,
13,
86,
85,
17816,
64,
6,
12962,
198,
17772,
25,
198,
220,
220,
220,
3601,
7203,
53,
420,
22528,
1595,
470,
2291,
1573,
705,
64,
6,
59,
77,
4943
] | 2.340782 | 179 |
import itertools
def peek(sequence):
"""
Returns the value of the top of the sequence without removing the value
from the data.
"""
iterable = iter(sequence)
try:
first = next(iterable)
return first, itertools.chain([first], iterable)
except StopIteration:
return None, []
| [
11748,
340,
861,
10141,
628,
198,
4299,
27185,
7,
43167,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
16409,
262,
1988,
286,
262,
1353,
286,
262,
8379,
1231,
10829,
262,
1988,
198,
220,
220,
220,
422,
262,
1366,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
11629,
540,
796,
11629,
7,
43167,
8,
198,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
717,
796,
1306,
7,
2676,
540,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
717,
11,
340,
861,
10141,
13,
7983,
26933,
11085,
4357,
11629,
540,
8,
198,
220,
220,
220,
2845,
13707,
29993,
341,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
6045,
11,
17635,
198
] | 2.680328 | 122 |
import numpy as np
from scipy import stats
class H0:
'''
Applies binomial hypothesis test to data processed with RadClass.
Capable of applying a hypothesis test to gross or channel-wise count-rate.
This test relies on the assumption that count-rates measured consecutively
in time will not be statistical different from each other. That is, they
should come from the same baseline background environment. If they are
different (and therefore the null hypothesis is rejected), presumably a
radioactive event occurred (e.g. SNM transfer).
For information on testing regime, see doi: 10.2307/2332612.
For information on scipy's binomial test, see:
docs.scipy.org/doc/scipy/reference/generated/scipy.stats.binom_test.html
Attributes:
significance: Significance level for hypothesis test. If the resulting
binomial test's p-value is smaller than significance, null hypothesis
is rejected.
gross: Boolean; determines whether only the gross count-rate is analyzed
(True) or each energy channel individually (False).
x1: The first timestamp's count-rate to be tested.
x2: The second timestamp's count-rate to be compared with x1.
triggers: Three things are saved in this array. x1, x2, and the p-value for
rejected null hypotheses per the inputted significance level.
trigger_times: The timestamp (in Unix epoch timestamp) for rejected null
hypothesis via triggers.
'''
def run(self, data, timestamp):
'''
Method required by RadClass. Called at each integration step.
Completes hypothesis testing for passed data and stores results.
Wrapper method that chooses run_gross or run_channel based on user
input variable: gross.
'''
run_method = { True: self.run_gross, False: self.run_channels }
run_method[self.gross](data, timestamp)
def write(self, filename):
'''
Writes results of hypothesis test to file using numpy.savetxt.
'''
with open(filename, 'a') as f:
header = ''
# build/include header if file is new
if f.tell() == 0:
if self.gross:
header = ['timestamps', 'pval', 'x1', 'x2']
elif not self.gross:
header = np.append(['timestamp'],
np.arange(self.triggers.shape[0]-1).astype(str))
header = ', '.join(col for col in header)
np.savetxt(fname=f,
X=self.triggers,
delimiter=',',
header=header)
| [
11748,
299,
32152,
355,
45941,
198,
198,
6738,
629,
541,
88,
1330,
9756,
628,
198,
4871,
367,
15,
25,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
2034,
13508,
9874,
49070,
14078,
1332,
284,
1366,
13686,
351,
5325,
9487,
13,
198,
220,
220,
220,
4476,
540,
286,
11524,
257,
14078,
1332,
284,
10319,
393,
6518,
12,
3083,
954,
12,
4873,
13,
198,
220,
220,
220,
770,
1332,
16507,
319,
262,
13196,
326,
954,
12,
9700,
8630,
12358,
2280,
198,
220,
220,
220,
287,
640,
481,
407,
307,
13905,
1180,
422,
1123,
584,
13,
1320,
318,
11,
484,
198,
220,
220,
220,
815,
1282,
422,
262,
976,
14805,
4469,
2858,
13,
1002,
484,
389,
198,
220,
220,
220,
1180,
357,
392,
4361,
262,
9242,
14078,
318,
8606,
828,
14572,
257,
198,
220,
220,
220,
25521,
1785,
5091,
357,
68,
13,
70,
13,
11346,
44,
4351,
737,
628,
220,
220,
220,
1114,
1321,
319,
4856,
7142,
11,
766,
23899,
25,
838,
13,
19214,
22,
14,
25429,
2075,
1065,
13,
198,
220,
220,
220,
1114,
1321,
319,
629,
541,
88,
338,
9874,
49070,
1332,
11,
766,
25,
198,
220,
220,
220,
34165,
13,
1416,
541,
88,
13,
2398,
14,
15390,
14,
1416,
541,
88,
14,
35790,
14,
27568,
14,
1416,
541,
88,
13,
34242,
13,
8800,
296,
62,
9288,
13,
6494,
628,
220,
220,
220,
49213,
25,
198,
220,
220,
220,
12085,
25,
5865,
811,
590,
1241,
329,
14078,
1332,
13,
1002,
262,
7186,
198,
220,
220,
220,
220,
220,
220,
220,
9874,
49070,
1332,
338,
279,
12,
8367,
318,
4833,
621,
12085,
11,
9242,
14078,
198,
220,
220,
220,
220,
220,
220,
220,
318,
8606,
13,
198,
220,
220,
220,
10319,
25,
41146,
26,
15947,
1771,
691,
262,
10319,
954,
12,
4873,
318,
15475,
198,
220,
220,
220,
220,
220,
220,
220,
357,
17821,
8,
393,
1123,
2568,
6518,
17033,
357,
25101,
737,
198,
220,
220,
220,
2124,
16,
25,
383,
717,
41033,
338,
954,
12,
4873,
284,
307,
6789,
13,
198,
220,
220,
220,
2124,
17,
25,
383,
1218,
41033,
338,
954,
12,
4873,
284,
307,
3688,
351,
2124,
16,
13,
198,
220,
220,
220,
20022,
25,
7683,
1243,
389,
7448,
287,
428,
7177,
13,
2124,
16,
11,
2124,
17,
11,
290,
262,
279,
12,
8367,
329,
198,
220,
220,
220,
220,
220,
220,
220,
8606,
9242,
35125,
583,
262,
5128,
1513,
12085,
1241,
13,
198,
220,
220,
220,
7616,
62,
22355,
25,
383,
41033,
357,
259,
33501,
36835,
41033,
8,
329,
8606,
9242,
198,
220,
220,
220,
220,
220,
220,
220,
14078,
2884,
20022,
13,
198,
220,
220,
220,
705,
7061,
628,
220,
220,
220,
825,
1057,
7,
944,
11,
1366,
11,
41033,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
11789,
2672,
416,
5325,
9487,
13,
34099,
379,
1123,
11812,
2239,
13,
198,
220,
220,
220,
220,
220,
220,
220,
955,
1154,
4879,
14078,
4856,
329,
3804,
1366,
290,
7000,
2482,
13,
198,
220,
220,
220,
220,
220,
220,
220,
27323,
2848,
2446,
326,
19769,
1057,
62,
47181,
393,
1057,
62,
17620,
1912,
319,
2836,
198,
220,
220,
220,
220,
220,
220,
220,
5128,
7885,
25,
10319,
13,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
1057,
62,
24396,
796,
1391,
6407,
25,
2116,
13,
5143,
62,
47181,
11,
10352,
25,
2116,
13,
5143,
62,
354,
8961,
1782,
198,
220,
220,
220,
220,
220,
220,
220,
1057,
62,
24396,
58,
944,
13,
47181,
16151,
7890,
11,
41033,
8,
628,
220,
220,
220,
825,
3551,
7,
944,
11,
29472,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
12257,
274,
2482,
286,
14078,
1332,
284,
2393,
1262,
299,
32152,
13,
21928,
14116,
13,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
628,
220,
220,
220,
220,
220,
220,
220,
351,
1280,
7,
34345,
11,
705,
64,
11537,
355,
277,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13639,
796,
10148,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1382,
14,
17256,
13639,
611,
2393,
318,
649,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
277,
13,
33331,
3419,
6624,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
47181,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13639,
796,
37250,
16514,
395,
9430,
3256,
705,
79,
2100,
3256,
705,
87,
16,
3256,
705,
87,
17,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
407,
2116,
13,
47181,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13639,
796,
45941,
13,
33295,
7,
17816,
16514,
27823,
6,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45941,
13,
283,
858,
7,
944,
13,
2213,
328,
5355,
13,
43358,
58,
15,
45297,
16,
737,
459,
2981,
7,
2536,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13639,
796,
46083,
45302,
22179,
7,
4033,
329,
951,
287,
13639,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45941,
13,
21928,
14116,
7,
69,
3672,
28,
69,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1395,
28,
944,
13,
2213,
328,
5355,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
46728,
2676,
28,
3256,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13639,
28,
25677,
8,
198
] | 2.578896 | 1,033 |
#!/usr/bin/env python
#
# faq.py
#
# Routines to assemble a FAQ list for the Wireshark web site.
# Questions and answer content can be found below. Section and
# question numbers will be automatically generated.
#
# Wireshark - Network traffic analyzer
# By Gerald Combs <[email protected]>
# Copyright 1998 Gerald Combs
#
# SPDX-License-Identifier: GPL-2.0-or-later
import sys
import string
sec_num = 0
subsec_num = 0
subsubsec_num = 0
sections = []
current_section = None
parent_section = None
grandparent_section = None
current_question = None
current_tag = None
# Make a URL of itself
# Add a section
# Add a subsection
# Add a subsubsection
# Add a question
# Add an answer
# Create the index
# Print result
#################################################################
section("General Questions")
#################################################################
question("What is Wireshark?")
answer("""
Wireshark® is a network protocol analyzer. It lets you capture and
interactively browse the traffic running on a computer network. It has
a rich and powerful feature set and is world's most popular tool of its
kind. It runs on most computing platforms including Windows, macOS,
Linux, and UNIX. Network professionals, security experts, developers,
and educators around the world use it regularly. It is freely available
as open source, and is released under the GNU General Public License
version 2.
<br>
It is developed and maintained by a global team of protocol experts, and
it is an example of a
<a href="https://en.wikipedia.org/wiki/Disruptive_technology">disruptive
technology</a>.
<br>
Wireshark used to be known as Ethereal®. See the next question
for details about the name change. If you're still using Ethereal, it
is strongly recommended that you upgrade to Wireshark as Ethereal is
unsupported and has known security vulnerabilities.
<br>
For more information, please see the
<a href="https://www.wireshark.org/about.html">About Wireshark</a>
page.
""")
question("What's up with the name change? Is Wireshark a fork?")
answer("""
In May of 2006, Gerald Combs (the original author of Ethereal)
went to work for CACE Technologies (best known for WinPcap).
Unfortunately, he had to leave the Ethereal trademarks behind.
<br>
This left the project in an awkward position. The only reasonable way
to ensure the continued success of the project was to change the name.
This is how Wireshark was born.
<br>
Wireshark is almost (but not quite) a fork. Normally a "fork" of an open source
project results in two names, web sites, development teams, support
infrastructures, etc. This is the case with Wireshark except for one notable
exception -- every member of the core development team is now working on
Wireshark. There has been no active development on Ethereal since the name
change. Several parts of the Ethereal web site (such as the mailing lists,
source code repository, and build farm) have gone offline.
<br>
More information on the name change can be found here:
</p>
<ul class="item_list">
<li><a href="http://www.prweb.com/releases/2006/6/prweb396098.htm">Original press release</a>
<li><a href="http://archive09.linux.com/articles/54968">NewsForge article</a>
<li>Many other articles in <a href="https://www.wireshark.org/bibliography.html">our bibliography</a>
</ul>
<p>
""")
question("Where can I get help?")
answer("""
Community support is available on the
<a href="https://ask.wireshark.org/">Q&A site</a> and on the
wireshark-users mailing list. Subscription information and archives for
all of Wireshark's mailing lists can be found at %s. An IRC channel
dedicated to Wireshark can be found at %s.
<br>
Self-paced and instructor-led training is available at <a
href="http://www.wiresharktraining.com">Wireshark University</a>.
Wireshark University also offers certification via the Wireshark
Certified Network Analyst program.
""" % (selflink("https://www.wireshark.org/mailman/listinfo"),
selflink("irc://irc.freenode.net/wireshark")
))
question("What kind of shark is Wireshark?")
answer("""
<i>carcharodon photoshopia</i>.
""")
question("How is Wireshark pronounced, spelled and capitalized?")
answer("""
Wireshark is pronounced as the word <i>wire</i> followed immediately by
the word <i>shark</i>. Exact pronunciation and emphasis may vary
depending on your locale (e.g. Arkansas).
<br>
It's spelled with a capital <i>W</i>, followed by a lower-case
<i>ireshark</i>. It is not a CamelCase word, i.e., <i>WireShark</i>
is incorrect.
""")
question("How much does Wireshark cost?", "but_thats_not_all")
answer("""
Wireshark is "free software"; you can download it without paying any
license fee. The version of Wireshark you download isn't a "demo"
version, with limitations not present in a "full" version; it
<em>is</em> the full version.
<br>
The license under which Wireshark is issued is <a
href="https://www.gnu.org/licenses/gpl-2.0.html">the GNU General Public
License version 2</a>. See <a
href="https://www.gnu.org/licenses/old-licenses/gpl-2.0-faq.html">the GNU
GPL FAQ</a> for some more information.
""")
question("But I just paid someone on eBay for a copy of Wireshark! Did I get ripped off?")
answer("""
That depends. Did they provide any sort of value-added product or service, such
as installation support, installation media, training, trace file analysis, or
funky-colored shark-themed socks? Probably not.
<br>
Wireshark is <a href="https://www.wireshark.org/download.html">available for
anyone to download, absolutely free, at any time</a>. Paying for a copy implies
that you should get something for your money.
""")
question("Can I use Wireshark commercially?")
answer("""
Yes, if, for example, you mean "I work for a commercial organization;
can I use Wireshark to capture and analyze network traffic in our
company's networks or in our customer's networks?"
<br>
If you mean "Can I use Wireshark as part of my commercial product?", see
<a href="#derived_work_gpl">the next entry in the FAQ</a>.
""")
question("Can I use Wireshark as part of my commercial product?",
"derived_work_gpl")
answer("""
As noted, Wireshark is licensed under <a
href="https://www.gnu.org/licenses/gpl-2.0.html">the GNU General Public
License, version 2</a>. The GPL imposes conditions on your use of GPL'ed
code in your own products; you cannot, for example, make a "derived
work" from Wireshark, by making modifications to it, and then sell the
resulting derived work and not allow recipients to give away the
resulting work. You must also make the changes you've made to the
Wireshark source available to all recipients of your modified version;
those changes must also be licensed under the terms of the GPL. See the
<a href="https://www.gnu.org/licenses/old-licenses/gpl-2.0-faq.html">GPL
FAQ</a> for more details; in particular, note the answer to <a
href="https://www.gnu.org/licenses/old-licenses/gpl-2.0-faq.html#GPLCommercially">the
question about modifying a GPLed program and selling it
commercially</a>, and <a
href="https://www.gnu.org/licenses/old-licenses/gpl-2.0-faq.html#LinkingWithGPL">the
question about linking GPLed code with other code to make a proprietary
program</a>.
<br>
You can combine a GPLed program such as Wireshark and a commercial
program as long as they communicate "at arm's length", as per <a
href="https://www.gnu.org/licenses/old-licenses/gpl-2.0-faq.html#GPLInProprietarySystem">this
item in the GPL FAQ</a>.
<br>
We recommend keeping Wireshark and your product completely separate,
communicating over sockets or pipes. If you're loading any part of
Wireshark as a DLL, you're probably doing it wrong.
""")
question("What protocols are currently supported?")
answer("""
There are currently hundreds of supported
protocols and media. Details can be found in the
<a
href="https://www.wireshark.org/docs/man-pages/wireshark.html">wireshark(1)</a>
man page.
""")
question("Are there any plans to support {your favorite protocol}?")
answer("""
Support for particular protocols is added to Wireshark as a result of
people contributing that support; no formal plans for adding support for
particular protocols in particular future releases exist.
""")
question("""Can Wireshark read capture files from {your favorite network
analyzer}?""")
answer("""
Support for particular capture file formats is added to Wireshark as a result
of people contributing that support; no formal plans for adding support for
particular capture file formats in particular future releases exist.
<br>
If a network analyzer writes out files in a format already supported by
Wireshark (e.g., in libpcap format), Wireshark may already be able to read
them, unless the analyzer has added its own proprietary extensions to
that format.
<br>
If a network analyzer writes out files in its own format, or has added
proprietary extensions to another format, in order to make Wireshark read
captures from that network analyzer, we would either have to have a
specification for the file format, or the extensions, sufficient to give
us enough information to read the parts of the file relevant to
Wireshark, or would need at least one capture file in that format
<strong>AND</strong> a detailed textual analysis of the packets in that
capture file (showing packet time stamps, packet lengths, and the
top-level packet header) in order to reverse-engineer the file
format.
<br>
Note that there is no guarantee that we will be able to reverse-engineer
a capture file format.
""")
question("What devices can Wireshark use to capture packets?")
answer("""
Wireshark can read live data from Ethernet, Token-Ring, FDDI, serial (PPP
and SLIP) (if the OS on which it's running allows Wireshark to do so),
802.11 wireless LAN (if the OS on which it's running allows Wireshark to
do so), ATM connections (if the OS on which it's running allows Wireshark
to do so), and the "any" device supported on Linux by recent versions of
libpcap.
<br>
See <a href="https://wiki.wireshark.org/CaptureSetup/NetworkMedia">the list of
supported capture media on various OSes</a> for details (several items
in there say "Unknown", which doesn't mean "Wireshark can't capture on
them", it means "we don't know whether it can capture on them"; we
expect that it will be able to capture on many of them, but we haven't
tried it ourselves - if you try one of those types and it works, please
update the wiki page accordingly.
<br>
It can also read a variety of capture file formats, including:
</p>
<ul>
<li> AG Group/WildPackets/Savvius EtherPeek/TokenPeek/AiroPeek/EtherHelp/Packet Grabber captures
<li> AIX's iptrace captures
<li> Accellent's 5Views LAN agent output
<li> Cinco Networks NetXRay captures
<li> Cisco Secure Intrusion Detection System IPLog output
<li> CoSine L2 debug output
<li> DBS Etherwatch VMS text output
<li> Endace Measurement Systems' ERF format captures
<li> EyeSDN USB S0 traces
<li> HP-UX nettl captures
<li> ISDN4BSD project i4btrace captures
<li> Linux Bluez Bluetooth stack hcidump -w traces
<li> Lucent/Ascend router debug output
<li> Microsoft Network Monitor captures
<li> Network Associates Windows-based Sniffer captures
<li> Network General/Network Associates DOS-based Sniffer (compressed or uncompressed) captures
<li> Network Instruments Observer version 9 captures
<li> Novell LANalyzer captures
<li> RADCOM's WAN/LAN analyzer captures
<li> Shomiti/Finisar Surveyor captures
<li> Toshiba's ISDN routers dump output
<li> VMS TCPIPtrace/TCPtrace/UCX$TRACE output
<li> Visual Networks' Visual UpTime traffic capture
<li> libpcap, tcpdump and various other tools using tcpdump's capture format
<li> snoop and atmsnoop output
</ul>
<p>
so that it can read traces from various network types, as captured by
other applications or equipment, even if it cannot itself capture on
those network types.
""")
question("""
Does Wireshark work on Windows Vista or Windows Server 2008?
""")
answer("""
Yes, but if you want to capture packets as a normal user, you must make sure
npf.sys is loaded. Wireshark's installer enables this by default. This is not a
concern if you run Wireshark as Administrator, but this is discouraged. See the
<a
href="https://wiki.wireshark.org/CaptureSetup/CapturePrivileges#windows">CapturePrivileges</a>
page on the wiki for more details.
""")
#################################################################
section("Installing Wireshark")
#################################################################
question("""I installed the Wireshark RPM (or other package); why did
it install TShark but not Wireshark?""")
answer("""
Many distributions have separate Wireshark packages, one for non-GUI
components such as TShark, editcap, dumpcap, etc. and one for the GUI.
If this is the case on your system, there's probably a separate package
named <code>wireshark-qt</code>. Find it and install it.
""")
#################################################################
section("Building Wireshark")
#################################################################
question("""I have libpcap installed; why did the configure script not
find pcap.h or bpf.h?""")
answer("""
Are you sure pcap.h and bpf.h are installed? The official distribution
of libpcap only installs the libpcap.a library file when "make install"
is run. To install pcap.h and bpf.h, you must run "make install-incl".
If you're running Debian or Redhat, make sure you have the "libpcap-dev"
or "libpcap-devel" packages installed.
<br>
It's also possible that pcap.h and bpf.h have been installed in a strange
location. If this is the case, you may have to tweak aclocal.m4.
""")
#################################################################
section("Starting Wireshark")
#################################################################
question("""When I try to run Wireshark, why does it complain about
<code>sprint_realloc_objid</code> being undefined?""")
answer("""
Wireshark can only be linked with version 4.2.2 or later of UCD SNMP.
Your version of Wireshark was dynamically linked with such a version of
UCD SNMP; however, you have an older version of UCD SNMP installed,
which means that when Wireshark is run, it tries to link to the older
version, and fails. You will have to replace that version of UCD SNMP
with version 4.2.2 or a later version.
""")
question("""
I've installed Wireshark from Fink on macOS; why is it very slow to
start up?
""")
answer("""
When an application is installed on macOS, prior to 10.4, it is usually
"prebound" to speed up launching the application. (That's what the
"Optimizing" phase of installation is.)
<br>
Fink normally performs prebinding automatically when you install a
package. However, in some rare cases, for whatever reason the prebinding
caches get corrupt, and then not only does prebinding fail, but startup
actually becomes much slower, because the system tries in vain to
perform prebinding "on the fly" as you launch the application. This
fails, causing sometimes huge delays.
<br>
To fix the prebinding caches, run the command
</p>
<pre>
sudo /sw/var/lib/fink/prebound/update-package-prebinding.pl -f
</pre>
<p>
""")
#################################################################
section("Crashes and other fatal errors")
#################################################################
question("""
I have an XXX network card on my machine; if I try to capture on it, why
does my machine crash or reset itself?
""")
answer("""
This is almost certainly a problem with one or more of:
</p>
<ul>
<li>the operating system you're using;
<li>the device driver for the interface you're using;
<li>the libpcap/Npcap library and, if this is Windows, the Npcap
device driver;
</ul>
<p>
so:
</p>
<ul>
<li>if you are using Windows, see <a
href="https://nmap.org/npcap/">the Npcap support
page</a> - check the "Patches, Bug Reports, Questions, Suggestions, etc" section;
<li>if you are using some Linux distribution, some version of BSD, or
some other UNIX-flavored OS, you should report the problem to the
company or organization that produces the OS (in the case of a Linux
distribution, report the problem to whoever produces the distribution).
</ul>
<p>
""")
question("""
Why does my machine crash or reset itself when I select "Start" from the
"Capture" menu or select "Preferences" from the "Edit" menu?
""")
answer("""
Both of those operations cause Wireshark to try to build a list of the
interfaces that it can open; it does so by getting a list of interfaces
and trying to open them. There is probably an OS, driver, or, for
Windows, Npcap bug that causes the system to crash when this happens;
see the previous question.
""")
#################################################################
section("Capturing packets")
#################################################################
question("""When I use Wireshark to capture packets, why do I see only
packets to and from my machine, or not see all the traffic I'm expecting
to see from or to the machine I'm trying to monitor?""", "promiscsniff")
answer("""
This might be because the interface on which you're capturing is plugged
into an Ethernet or Token Ring switch; on a switched network, unicast
traffic between two ports will not necessarily appear on other ports -
only broadcast and multicast traffic will be sent to all ports.
<br>
Note that even if your machine is plugged into a hub, the "hub" may be
a switched hub, in which case you're still on a switched network.
<br>
Note also that on the Linksys Web site, they say that their
auto-sensing hubs "broadcast the 10Mb packets to the port that operate
at 10Mb only and broadcast the 100Mb packets to the ports that operate
at 100Mb only", which would indicate that if you sniff on a 10Mb port,
you will not see traffic coming sent to a 100Mb port, and <i>vice
versa</i>. This problem has also been reported for Netgear dual-speed
hubs, and may exist for other "auto-sensing" or "dual-speed" hubs.
<br>
Some switches have the ability to replicate all traffic on all ports to
a single port so that you can plug your analyzer into that single port to
sniff all traffic. You would have to check the documentation for the
switch to see if this is possible and, if so, to see how to do this.
See <a href="https://wiki.wireshark.org/SwitchReference">the switch
reference page</a> on <a href="https://wiki.wireshark.org/">the Wireshark
Wiki</a> for information on some switches. (Note that it's a Wiki, so
you can update or fix that information, or add additional information on
those switches or information on new switches, yourself.)
<br>
Note also that many firewall/NAT boxes have a switch built into them;
this includes many of the "cable/DSL router" boxes. If you have a box
of that sort, that has a switch with some number of Ethernet ports into
which you plug machines on your network, and another Ethernet port used
to connect to a cable or DSL modem, you can, at least, sniff traffic
between the machines on your network and the Internet by plugging
the Ethernet port on the router going to the modem, the Ethernet port on
the modem, and the machine on which you're running Wireshark into a hub
(make sure it's not a switching hub, and that, if it's a dual-speed hub,
all three of those ports are running at the same speed.
<br>
If your machine is <em>not</em> plugged into a switched network or a
dual-speed hub, or it is plugged into a switched network but the port is
set up to have all traffic replicated to it, the problem might be that
the network interface on which you're capturing doesn't support
"promiscuous" mode, or because your OS can't put the interface into
promiscuous mode. Normally, network interfaces supply to the host only:
</p>
<ul>
<li>packets sent to one of that host's link-layer addresses;
<li>broadcast packets;
<li>multicast packets sent to a multicast address that the host has
configured the interface to accept.
</ul>
<p>
Most network interfaces can also be put in "promiscuous" mode, in which
they supply to the host all network packets they see. Wireshark will try
to put the interface on which it's capturing into promiscuous mode
unless the "Capture packets in promiscuous mode" option is turned off in
the "Capture Options" dialog box, and TShark will try to put the
interface on which it's capturing into promiscuous mode unless the
<code>-p</code> option was specified. However, some network interfaces
don't support promiscuous mode, and some OSes might not allow interfaces
to be put into promiscuous mode.
<br>
If the interface is not running in promiscuous mode, it won't see any
traffic that isn't intended to be seen by your machine. It
<strong>will</strong> see broadcast packets, and multicast packets sent
to a multicast MAC address the interface is set up to receive.
<br>
You should ask the vendor of your network interface whether it supports
promiscuous mode. If it does, you should ask whoever supplied the
driver for the interface (the vendor, or the supplier of the OS you're
running on your machine) whether it supports promiscuous mode with that
network interface.
<br>
In the case of token ring interfaces, the drivers for some of them, on
Windows, may require you to enable promiscuous mode in order to capture
in promiscuous mode. See <a
href="https://wiki.wireshark.org/CaptureSetup/TokenRing">the Wireshark
Wiki item on Token Ring capturing</a> for details.
<br>
In the case of wireless LAN interfaces, it appears that, when those
interfaces are promiscuously sniffing, they're running in a
significantly different mode from the mode that they run in when they're
just acting as network interfaces (to the extent that it would be a
significant effort for those drivers to support for promiscuously
sniffing <em>and</em> acting as regular network interfaces at the same
time), so it may be that Windows drivers for those interfaces don't
support promiscuous mode.
""")
question("""When I capture with Wireshark, why can't I see any TCP
packets other than packets to and from my machine, even though another
analyzer on the network sees those packets?""")
answer("""
You're probably not seeing <em>any</em> packets other than unicast
packets to or from your machine, and broadcast and multicast packets; a
switch will normally send to a port only unicast traffic sent to the MAC
address for the interface on that port, and broadcast and multicast
traffic - it won't send to that port unicast traffic sent to a MAC
address for some other interface - and a network interface not in
promiscuous mode will receive only unicast traffic sent to the MAC
address for that interface, broadcast traffic, and multicast traffic
sent to a multicast MAC address the interface is set up to receive.
<br>
TCP doesn't use broadcast or multicast, so you will only see your own
TCP traffic, but UDP services may use broadcast or multicast so you'll
see some UDP traffic - however, this is not a problem with TCP traffic,
it's a problem with unicast traffic, as you also won't see all UDP
traffic between other machines.
<br>
I.e., this is probably <a href="#promiscsniff">the same question
as this earlier one</a>; see the response to that question.
""")
question("""Why am I only seeing ARP packets when I try to capture
traffic?""")
answer("""
You're probably on a switched network, and running Wireshark on a machine
that's not sending traffic to the switch and not being sent any traffic
from other machines on the switch. ARP packets are often broadcast
packets, which are sent to all switch ports.
<br>
I.e., this is probably <a href="#promiscsniff">the same question
as this earlier one</a>; see the response to that question.
""")
question("""
Why am I not seeing any traffic when I try to capture traffic?""")
answer("""
Is the machine running Wireshark sending out any traffic on the network
interface on which you're capturing, or receiving any traffic on that
network, or is there any broadcast traffic on the network or multicast
traffic to a multicast group to which the machine running Wireshark
belongs?
<br>
If not, this may just be a problem with promiscuous sniffing, either due
to running on a switched network or a dual-speed hub, or due to problems
with the interface not supporting promiscuous mode; see the response to
<a href="#promiscsniff">this earlier question</a>.
<br>
Otherwise, on Windows, see the response to <a href="#capprobwin">this
question</a> and, on a UNIX-flavored OS, see the response to <a
href="#capprobunix">this question</a>.
""")
question("""
Can Wireshark capture on (my T1/E1 line, SS7 links, etc.)?
""")
answer("""
Wireshark can only capture on devices supported by libpcap/Npcap. On
most OSes, only devices that can act as network interfaces of the type
that support IP are supported as capture devices for libpcap/Npcap,
although the device doesn't necessarily have to be running as an IP
interface in order to support traffic capture.
<br>
On Linux and FreeBSD, libpcap 0.8 and later support the API for <a
href="http://www.endace.com/products.htm">Endace Measurement Systems'
DAG cards</a>, so that a system with one of those cards, and its driver
and libraries, installed can capture traffic with those cards with
libpcap-based applications. You would either have to have a version of
Wireshark built with that version of libpcap, or a dynamically-linked
version of Wireshark and a shared libpcap library with DAG support, in
order to do so with Wireshark. You should ask Endace whether that could
be used to capture traffic on, for example, your T1/E1 link.
<br>
See <a href="https://wiki.wireshark.org/CaptureSetup/SS7">the SS7 capture
setup page</a> on <a href="https://wiki.wireshark.org/">the Wireshark
Wiki</a> for current information on capturing SS7 traffic on TDM
links.
""")
question("""How do I put an interface into promiscuous mode?""")
answer("""
By not disabling promiscuous mode when running Wireshark or TShark.
<br>
Note, however, that:
</p>
<ul>
<li>the form of promiscuous mode that libpcap (the library that
programs such as tcpdump, Wireshark, etc. use to do packet capture)
turns on will <strong>not</strong> necessarily be shown if you run
<code>ifconfig</code> on the interface on a UNIX system;
<li>some network interfaces might not support promiscuous mode, and some
drivers might not allow promiscuous mode to be turned on - see <a
href="#promiscsniff">this earlier question</a> for more information on
that;
<li>the fact that you're not seeing any traffic, or are only seeing
broadcast traffic, or aren't seeing any non-broadcast traffic other than
traffic to or from the machine running Wireshark, does not mean that
promiscuous mode isn't on - see <a href="#promiscsniff">this earlier
question</a> for more information on that.
</ul>
<p>
I.e., this is probably <a href="#promiscsniff">the same question
as this earlier one</a>; see the response to that question.
""")
question("""
I can set a display filter just fine; why don't capture filters work?
""")
answer("""
Capture filters currently use a different syntax than display filters. Here's
the corresponding section from the
<a
href="https://www.wireshark.org/docs/man-pages/wireshark.html">wireshark(1)</a>
man page:
<br>
"Display filters in Wireshark are very powerful; more fields are filterable
in Wireshark than in other protocol analyzers, and the syntax you can
use to create your filters is richer. As Wireshark progresses, expect
more and more protocol fields to be allowed in display filters.
<br>
Packet capturing is performed with the pcap library. The capture filter
syntax follows the rules of the pcap library. This syntax is different
from the display filter syntax."
<br>
The capture filter syntax used by libpcap can be found in the
<a href="http://www.tcpdump.org/tcpdump_man.html">tcpdump(8)</a>
man page.
""")
question("""
How can I capture packets with CRC errors?
""")
answer("""
Wireshark can capture only the packets that the packet capture library -
libpcap on UNIX-flavored OSes, and the Npcap port to Windows of libpcap
on Windows - can capture, and libpcap/Npcap can capture only the
packets that the OS's raw packet capture mechanism (or the Npcap
driver, and the underlying OS networking code and network interface
drivers, on Windows) will allow it to capture.
<br>
Unless the OS always supplies packets with errors such as invalid CRCs
to the raw packet capture mechanism, or can be configured to do so,
invalid CRCs to the raw packet capture mechanism, Wireshark - and other
programs that capture raw packets, such as tcpdump - cannot capture
those packets. You will have to determine whether your OS needs to be
so configured and, if so, can be so configured, configure it if
necessary and possible, and make whatever changes to libpcap and the
packet capture program you're using are necessary, if any, to support
capturing those packets.
<br>
Most OSes probably do <strong>not</strong> support capturing packets
with invalid CRCs on Ethernet, and probably do not support it on most
other link-layer types. Some drivers on some OSes do support it, such
as some Ethernet drivers on FreeBSD; in those OSes, you might always get
those packets, or you might only get them if you capture in promiscuous
mode (you'd have to determine which is the case).
<br>
Note that libpcap does not currently supply to programs that use it an
indication of whether the packet's CRC was invalid (because the drivers
themselves do not supply that information to the raw packet capture
mechanism); therefore, Wireshark will not indicate which packets had CRC
errors unless the FCS was captured (see the next question) and you're
using Wireshark 0.9.15 and later, in which case Wireshark will check the
CRC and indicate whether it's correct or not.
""")
question("""
How can I capture entire frames, including the FCS?
""")
answer("""
Wireshark can only capture data that the packet capture library -
libpcap on UNIX-flavored OSes, and the Npcap port to Windows of
libpcap on Windows - can capture, and libpcap/Npcap can capture only
the data that the OS's raw packet capture mechanism (or the Npcap
driver, and the underlying OS networking code and network interface
drivers, on Windows) will allow it to capture.
<br>
For any particular link-layer network type, unless the OS supplies the
FCS of a frame as part of the frame, or can be configured to do so,
Wireshark - and other programs that capture raw packets, such as tcpdump
- cannot capture the FCS of a frame. You will have to determine whether
your OS needs to be so configured and, if so, can be so configured,
configure it if necessary and possible, and make whatever changes to
libpcap and the packet capture program you're using are necessary, if
any, to support capturing the FCS of a frame.
<br>
Most OSes do <strong>not</strong> support capturing the FCS of a frame
on Ethernet, and probably do not support it on most other link-layer
types. Some drivres on some OSes do support it, such as some (all?)
Ethernet drivers on NetBSD and possibly the driver for Apple's gigabit
Ethernet interface in macOS; in those OSes, you might always get the
FCS, or you might only get the FCS if you capture in promiscuous mode
(you'd have to determine which is the case).
<br>
Versions of Wireshark prior to 0.9.15 will not treat an Ethernet FCS in a
captured packet as an FCS. 0.9.15 and later will attempt to determine
whether there's an FCS at the end of the frame and, if it thinks there
is, will display it as such, and will check whether it's the correct
CRC-32 value or not.
""")
question("""
I'm capturing packets on a machine on a VLAN; why don't the packets I'm
capturing have VLAN tags?
""")
answer("""
You might be capturing on what might be called a "VLAN interface" - the
way a particular OS makes VLANs plug into the networking stack might,
for example, be to have a network device object for the physical
interface, which takes VLAN packets, strips off the VLAN header and
constructs an Ethernet header, and passes that packet to an internal
network device object for the VLAN, which then passes the packets onto
various higher-level protocol implementations.
<br>
In order to see the raw Ethernet packets, rather than "de-VLANized"
packets, you would have to capture not on the virtual interface for the
VLAN, but on the interface corresponding to the physical network device,
if possible. See <a
href="https://wiki.wireshark.org/CaptureSetup/VLAN">the Wireshark Wiki
item on VLAN capturing</a> for details.
""")
question("""
Why does Wireshark hang after I stop a capture?
""")
answer("""
The most likely reason for this is that Wireshark is trying to look up an
IP address in the capture to convert it to a name (so that, for example,
it can display the name in the source address or destination address
columns), and that lookup process is taking a very long time.
<br>
Wireshark calls a routine in the OS of the machine on which it's running
to convert of IP addresses to the corresponding names. That routine
probably does one or more of:
</p>
<ul><li>a search of a system file listing IP addresses and names;
<li>a lookup using DNS;
<li>on UNIX systems, a lookup using NIS;
<li>on Windows systems, a NetBIOS-over-TCP query.
</ul>
<p>
If a DNS server that's used in an address lookup is not responding, the
lookup will fail, but will only fail after a timeout while the system
routine waits for a reply.
<br>
In addition, on Windows systems, if the DNS lookup of the address fails,
either because the server isn't responding or because there are no
records in the DNS that could be used to map the address to a name, a
NetBIOS-over-TCP query will be made. That query involves sending a
message to the NetBIOS-over-TCP name service on that machine, asking for
the name and other information about the machine. If the machine isn't
running software that responds to those queries - for example, many
non-Windows machines wouldn't be running that software - the lookup will
only fail after a timeout. Those timeouts can cause the lookup to take
a long time.
<br>
If you disable network address-to-name translation - for example, by
turning off the "Enable network name resolution" option in the "Capture
Options" dialog box for starting a network capture - the lookups of the
address won't be done, which may speed up the process of reading the
capture file after the capture is stopped. You can make that setting
the default by selecting "Preferences" from the "Edit" menu, turning off
the "Enable network name resolution" option in the "Name resolution"
options in the preferences disalog box, and using the "Save" button in
that dialog box; note that this will save <em>all</em> your current
preference settings.
<br>
If Wireshark hangs when reading a capture even with network name
resolution turned off, there might, for example, be a bug in one of
Wireshark's dissectors for a protocol causing it to loop infinitely. If
you're not running the most recent release of Wireshark, you should first
upgrade to that release, as, if there's a bug of that sort, it might've
been fixed in a release after the one you're running. If the hang
occurs in the most recent release of Wireshark, the bug should be
reported to <a href="mailto:[email protected]">the Wireshark
developers' mailing list</a> at <code>[email protected]</code>.
<br>
On UNIX-flavored OSes, please try to force Wireshark to dump core, by
sending it a <code>SIGABRT</code> signal (usually signal 6) with the
<code>kill</code> command, and then get a stack trace if you have a debugger
installed. A stack trace can be obtained by using your debugger
(<code>gdb</code> in this example), the Wireshark binary, and the resulting
core file. Here's an example of how to use the gdb command
<code>backtrace</code> to do so.
</p>
<pre>
$ gdb wireshark core
(gdb) backtrace
..... prints the stack trace
(gdb) quit
$
</pre>
<p>
The core dump file may be named "wireshark.core" rather than "core" on
some platforms (e.g., BSD systems).
<br>
Also, if at all possible, please send a copy of the capture file that caused
the problem. When capturing packets, Wireshark normally writes captured
packets to a temporary file, which will probably be in <code>/tmp</code> or
<code>/var/tmp</code> on UNIX-flavored OSes, <code>\\TEMP</code> on the main system disk
(normally <code>\\Documents and Settings\\</code><var>your login name</var>
<code>\\Local Settings\\Temp</code> on the main system disk on Windows
Windows XP and Server 2003, and
<code>\\Users\\<var>your login name</var>\\AppData\\Local\\Temp</code> on the main
system disk on Windows Vista and later, so the capture file will probably be there. If you
are capturing on a single interface, it will have a name of the form,
<code>wireshark_<iface>_YYYYmmddHHMMSS_XXXXXX.<fmt></code>, where
<fmt> is the capture file format (pcap or pcapng), and <iface> is
the actual name of the interface you are capturing on; otherwise, if you are
capturing on multiple interfaces, it will have a name of the form,
<code>wireshark_<N>_interfaces_YYYYmmddHHMMSS_XXXXXX.<fmt></code>, where <N>
is the number of simultaneous interfaces you are capturing on. Please don't
send a trace file greater than 1 MB when compressed; instead, make it available
via FTP or HTTP, or say it's available but leave it up to a developer to ask
for it. If the trace file contains sensitive information (e.g., passwords),
then please do not send it.
""")
#################################################################
section("Capturing packets on Windows")
#################################################################
question("""
I'm running Wireshark on Windows; why does some network interface on my
machine not show up in the list of interfaces in the "Interface:" field
in the dialog box popped up by "Capture->Start", and/or why does
Wireshark give me an error if I try to capture on that interface?
""", "capprobwin")
answer("""
Wireshark relies on the Npcap library, on the Npcap device driver, and
and on the facilities that come with the OS on which it's running in
order to do captures.
<br>
Therefore, if the OS, the Npcap library, or the Npcap driver don't
support capturing on a particular network interface device, Wireshark
won't be able to capture on that device.
<br>
If an interface doesn't show up in the list of interfaces in the
"Interface:" field, and you know the name of the interface, try entering
that name in the "Interface:" field and capturing on that device.
<br>
If the attempt to capture on it succeeds, the interface is somehow not
being reported by the mechanism Wireshark uses to get a list of
interfaces. Try listing the interfaces with WinDump; see <a
href="https://www.windump.org/">the WinDump Web site</a>
for information on using WinDump.
<br>
You would run WinDump with the <code>-D</code> flag; if it lists the
interface, please report this to <a
href="mailto:[email protected]">[email protected]</a>
giving full details of the problem, including
</p>
<ul>
<li>the operating system you're using, and the version of that operating
system;
<li>the type of network device you're using;
<li>the output of WinDump.
</ul>
<p>
If WinDump does <em>not</em> list the interface,
this is almost certainly a problem with one or more of:
</p>
<ul>
<li>the operating system you're using;
<li>the device driver for the interface you're using;
<li>the WinPcap library and/or the WinPcap device driver;
</ul>
<p>
so first check <a href="https://nmap.org/npcap/guide/">the
Npcap User's Guide</a> to see if your problem is mentioned there. If not, then see <a
href="https://nmap.org/npcap/">the main Npcap page</a>
- check the "Patches, Bug Reports, Questions, Suggestions, etc" section.
<br>
If you are having trouble capturing on a particular network interface,
first try capturing on that device with WinDump; see <a
href="https://www.windump.org/">the WinDump Web site</a>
for information on using WinDump.
<br>
If you can capture on the interface with WinDump, send mail to <a
href="mailto:[email protected]">[email protected]</a>
giving full details of the problem, including
</p>
<ul>
<li>the operating system you're using, and the version of that operating
system;
<li>the type of network device you're using;
<li>the error message you get from Wireshark.
</ul>
<p>
If you <em>cannot</em> capture on the interface with WinDump,
this is almost certainly a problem with one or more of:
</p>
<ul>
<li>the operating system you're using;
<li>the device driver for the interface you're using;
<li>the Npcap library and/or the Npcap device driver;
</ul>
<p>
so first check <a href="https://nmap.org/npcap/guide/">the
Npcap User's Guide</a> to see if your problem is mentioned there. If not, then see <a
href="https://nmap.org/npcap/">the main Npcap page</a>
- check the "Patches, Bug Reports, Questions, Suggestions, etc" section.
<br>
You may also want to ask the <a
href="mailto:[email protected]">[email protected]</a>
and the <a
href="mailto:[email protected]">[email protected]</a>
mailing lists to see if anybody happens to know about the problem and
know a workaround or fix for the problem. (Note that you will have to
subscribe to that list in order to be allowed to mail to it; see <a
href="https://nmap.org/npcap/">the Npcap support
page</a> for information on the mailing list.) In your mail,
please give full details of the problem, as described above, and also
indicate that the problem occurs with WinDump, not just with Wireshark.
""")
question("""
I'm running Wireshark on Windows; why do no network interfaces show up in
the list of interfaces in the "Interface:" field in the dialog box
popped up by "Capture->Start"?
""")
answer("""
This is really <a href="#capprobwin">the same question as a previous
one</a>; see the response to that question.
""")
question("""
I'm running Wireshark on Windows; why am I not seeing any traffic being
sent by the machine running Wireshark?""")
answer("""
If you are running some form of VPN client software, it might be causing
this problem; people have seen this problem when they have Check Point's
VPN software installed on their machine. If that's the cause of the
problem, you will have to remove the VPN software in order to have
Wireshark (or any other application using Npcap) see outgoing packets;
unfortunately, neither we nor the Npcap developers know any way to
make Npcap and the VPN software work well together.
<br>
Also, some drivers for Windows (especially some wireless network
interface drivers) apparently do not, when running in promiscuous mode,
arrange that outgoing packets are delivered to the software that
requested that the interface run promiscuously; try turning promiscuous
mode off.
""")
question("""
When I capture on Windows in promiscuous mode, I can see packets other
than those sent to or from my machine; however, those packets show up
with a "Short Frame" indication, unlike packets to or from my machine.
What should I do to arrange that I see those packets in their entirety?
""")
answer("""
In at least some cases, this appears to be the result of PGPnet running
on the network interface on which you're capturing; turn it off on that
interface.
""")
question("""
I'm trying to capture 802.11 traffic on Windows; why am I not seeing any
packets?
""", "win802_11promisc")
answer("""
At least some 802.11 card drivers on Windows appear not to see any
packets if they're running in promiscuous mode. Try turning promiscuous
mode off; you'll only be able to see packets sent by and received by
your machine, not third-party traffic, and it'll look like Ethernet
traffic and won't include any management or control frames, but that's a
limitation of the card drivers.
<br>
See the archived <a
href="https://web.archive.org/web/20090226193157/http://www.micro-logix.com/winpcap/Supported.asp">MicroLogix's
list of cards supported with WinPcap</a> for information on
support of various adapters and drivers with WinPcap.
""")
question("""
I'm trying to capture 802.11 traffic on Windows; why am I seeing packets
received by the machine on which I'm capturing traffic, but not packets
sent by that machine?
""")
answer("""
This appears to be another problem with promiscuous mode; try turning it
off.
""")
question("""
I'm trying to capture Ethernet VLAN traffic on Windows, and I'm
capturing on a "raw" Ethernet device rather than a "VLAN interface", so
that I can see the VLAN headers; why am I seeing packets received by the
machine on which I'm capturing traffic, but not packets sent by that
machine?
""")
answer("""
The way the Windows networking code works probably means that packets
are sent on a "VLAN interface" rather than the "raw" device, so packets
sent by the machine will only be seen when you capture on the "VLAN
interface". If so, you will be unable to see outgoing packets when
capturing on the "raw" device, so you are stuck with a choice between
seeing VLAN headers and seeing outgoing packets.
""")
#################################################################
section("Capturing packets on UN*Xes")
#################################################################
question("""
I'm running Wireshark on a UNIX-flavored OS; why does some network
interface on my machine not show up in the list of interfaces in the
"Interface:" field in the dialog box popped up by "Capture->Start",
and/or why does Wireshark give me an error if I try to capture on that
interface? """, "capprobunix")
answer("""
You may need to run Wireshark from an account with sufficient privileges
to capture packets, such as the super-user account, or may need to give
your account sufficient privileges to capture packets. Only those
interfaces that Wireshark can open for capturing show up in that list; if
you don't have sufficient privileges to capture on any interfaces, no
interfaces will show up in the list. See
<a href="https://wiki.wireshark.org/CaptureSetup/CapturePrivileges">the
Wireshark Wiki item on capture privileges</a> for details on how to give
a particular account or account group capture privileges on platforms
where that can be done.
<br>
If you are running Wireshark from an account with sufficient privileges,
then note that Wireshark relies on the libpcap library, and on the
facilities that come with the OS on which it's running in order to do
captures. On some OSes, those facilities aren't present by default; see
<a href="https://wiki.wireshark.org/CaptureSetup/CaptureSupport">the
Wireshark Wiki item on adding capture support</a> for details.
<br>
And, even if you're running with an account that has sufficient
privileges to capture, and capture support is present in your OS, if the
OS or the libpcap library don't support capturing on a particular
network interface device or particular types of devices, Wireshark won't
be able to capture on that device.
<br>
On Solaris, note that libpcap 0.6.2 and earlier didn't support Token
Ring interfaces; the current version, 0.7.2, does support Token Ring,
and the current version of Wireshark works with libpcap 0.7.2 and later.
<br>
If an interface doesn't show up in the list of interfaces in the
"Interface:" field, and you know the name of the interface, try entering
that name in the "Interface:" field and capturing on that device.
<br>
If the attempt to capture on it succeeds, the interface is somehow not
being reported by the mechanism Wireshark uses to get a list of
interfaces; please report this to <a
href="mailto:[email protected]">[email protected]</a>
giving full details of the problem, including
</p>
<ul>
<li>the operating system you're using, and the version of that operating
system (for Linux, give both the version number of the kernel and the
name and version number of the distribution you're using);
<li>the type of network device you're using.
</ul>
<p>
If you are having trouble capturing on a particular network interface,
and you've made sure that (on platforms that require it) you've arranged
that packet capture support is present, as per the above, first try
capturing on that device with <code>tcpdump</code>.
<br>
If you can capture on the interface with <code>tcpdump</code>, send mail to
<a
href="mailto:[email protected]">[email protected]</a>
giving full details of the problem, including
</p>
<ul>
<li>the operating system you're using, and the version of that operating
system (for Linux, give both the version number of the kernel and the
name and version number of the distribution you're using);
<li>the type of network device you're using;
<li>the error message you get from Wireshark.
</ul>
<p>
If you <em>cannot</em> capture on the interface with <code>tcpdump</code>,
this is almost certainly a problem with one or more of:
</p>
<ul>
<li>the operating system you're using;
<li>the device driver for the interface you're using;
<li>the libpcap library;
</ul>
<p>
so you should report the problem to the company or organization that
produces the OS (in the case of a Linux distribution, report the problem
to whoever produces the distribution).
<br>
You may also want to ask the <a
href="mailto:[email protected]">[email protected]</a>
and the <a
href="mailto:[email protected]">[email protected]</a>
mailing lists to see if anybody happens to know about the problem and
know a workaround or fix for the problem. In your mail, please give
full details of the problem, as described above, and also indicate that
the problem occurs with <code>tcpdump</code> not just with Wireshark.
""")
question("""
I'm running Wireshark on a UNIX-flavored OS; why do no network interfaces
show up in the list of interfaces in the "Interface:" field in the
dialog box popped up by "Capture->Start"?
""")
answer("""
This is really <a href="#capprobunix">the same question as the previous
one</a>; see the response to that question.
""")
question("""I'm capturing packets on Linux; why do the time stamps have
only 100ms resolution, rather than 1us resolution?""")
answer("""
Wireshark gets time stamps from libpcap/Npcap, and
libpcap/Npcap get them from the OS kernel, so Wireshark - and any other
program using libpcap, such as tcpdump - is at the mercy of the time
stamping code in the OS for time stamps.
<br>
At least on x86-based machines, Linux can get high-resolution time
stamps on newer processors with the Time Stamp Counter (TSC) register;
for example, Intel x86 processors, starting with the Pentium Pro, and
including all x86 processors since then, have had a TSC, and other
vendors probably added the TSC at some point to their families of x86
processors.
The Linux kernel must be configured with the CONFIG_X86_TSC option
enabled in order to use the TSC. Make sure this option is enabled in
your kernel.
<br>
In addition, some Linux distributions may have bugs in their versions of
the kernel that cause packets not to be given high-resolution time
stamps even if the TSC is enabled. See, for example, bug 61111 for Red
Hat Linux 7.2. If your distribution has a bug such as this, you may
have to run a standard kernel from kernel.org in order to get
high-resolution time stamps.
""")
#################################################################
section("Capturing packets on wireless LANs")
#################################################################
question("""
How can I capture raw 802.11 frames, including non-data (management,
beacon) frames?
""", "raw_80211_sniff")
answer("""
That depends on the operating system on which you're running, and on the
802.11 interface on which you're capturing.
<br>
This would probably require that you capture in promiscuous mode or in
the mode called "monitor mode" or "RFMON mode". On some platforms, or
with some cards, this might require that you capture in monitor mode -
promiscuous mode might not be sufficient. If you want to capture
traffic on networks other than the one with which you're associated, you
will have to capture in monitor mode.
<br>
Not all operating systems support capturing non-data packets and, even
on operating systems that do support it, not all drivers, and thus not
all interfaces, support it. Even on those that do, monitor mode might
not be supported by the operating system or by the drivers for all
interfaces.
<br>
<strong>NOTE:</strong> an interface running in monitor mode will, on
most if not all platforms, not be able to act as a regular network
interface; putting it into monitor mode will, in effect, take your
machine off of whatever network it's on as long as the interface is in
monitor mode, allowing it only to passively capture packets.
<br>
This means that you should disable name resolution when capturing in
monitor mode; otherwise, when Wireshark (or TShark, or tcpdump) tries
to display IP addresses as host names, it will probably block for a long
time trying to resolve the name because it will not be able to
communicate with any DNS or NIS servers.
<br>
See <a
href="https://wiki.wireshark.org/CaptureSetup/WLAN">the Wireshark
Wiki item on 802.11 capturing</a> for details.
""")
question("""
How do I capture on an 802.11 device in monitor mode?""",
"monitor")
answer("""
Whether you will be able to capture in monitor mode depends on the
operating system, adapter, and driver you're using.
See <a href="#raw_80211_sniff">the previous question</a> for information
on monitor mode, including a link to the Wireshark Wiki page that gives
details on 802.11 capturing.
""")
#################################################################
section("Viewing traffic")
#################################################################
question("Why am I seeing lots of packets with incorrect TCP checksums?")
answer("""
If the packets that have incorrect TCP checksums are all being sent by
the machine on which Wireshark is running, this is probably because the
network interface on which you're capturing does TCP checksum
offloading. That means that the TCP checksum is added to the packet by
the network interface, not by the OS's TCP/IP stack; when capturing on
an interface, packets being sent by the host on which you're capturing
are directly handed to the capture interface by the OS, which means that
they are handed to the capture interface without a TCP checksum being
added to them.
<br>
The only way to prevent this from happening would be to disable TCP
checksum offloading, but
</p>
<ol>
<li>that might not even be possible on some OSes;
<li>that could reduce networking performance significantly.
</ol>
<p>
However, you can disable the check that Wireshark does of the TCP
checksum, so that it won't report any packets as having TCP checksum
errors, and so that it won't refuse to do TCP reassembly due to a packet
having an incorrect TCP checksum. That can be set as an Wireshark
preference by selecting "Preferences" from the "Edit" menu, opening up
the "Protocols" list in the left-hand pane of the "Preferences" dialog
box, selecting "TCP", from that list, turning off the "Check the
validity of the TCP checksum when possible" option, clicking "Save" if
you want to save that setting in your preference file, and clicking
"OK".
<br>
It can also be set on the Wireshark or TShark command line with a
<code>-o tcp.check_checksum:false</code> command-line flag, or manually set
in your preferences file by adding a <code>tcp.check_checksum:false</code>
line.
""")
question("""
I've just installed Wireshark, and the traffic on my local LAN
is boring. Where can I find more interesting captures?
""")
answer("""
We have a collection of strange and exotic sample capture
files at %s""" % (selflink("https://wiki.wireshark.org/SampleCaptures")))
question("""
Why doesn't Wireshark correctly identify RTP packets? It shows them
only as UDP.""")
answer("""
Wireshark can identify a UDP datagram as containing a packet of a
particular protocol running atop UDP only if
</p>
<ol>
<li> The protocol in question has a particular standard port
number, and the UDP source or destination port number is that port
<li> Packets of that protocol can be identified by looking for a
"signature" of some type in the packet - i.e., some data
that, if Wireshark finds it in some particular part of a
packet, means that the packet is almost certainly a packet of
that type.
<li> Some <em>other</em> traffic earlier in the capture indicated that,
for example, UDP traffic between two particular addresses and
ports will be RTP traffic.
</ol>
<p>
RTP doesn't have a standard port number, so 1) doesn't work; it doesn't,
as far as I know, have any "signature", so 2) doesn't work.
<br>
That leaves 3). If there's RTSP traffic that sets up an RTP session,
then, at least in some cases, the RTSP dissector will set things up so
that subsequent RTP traffic will be identified. Currently, that's the
only place we do that; there may be other places.
<br>
However, there will always be places where Wireshark is simply
<b>incapable</b> of deducing that a given UDP flow is RTP; a mechanism
would be needed to allow the user to specify that a given conversation
should be treated as RTP. As of Wireshark 0.8.16, such a mechanism
exists; if you select a UDP or TCP packet, the right mouse button menu
will have a "Decode As..." menu item, which will pop up a dialog box
letting you specify that the source port, the destination port, or both
the source and destination ports of the packet should be dissected as
some particular protocol.
""")
question("""
Why doesn't Wireshark show Yahoo Messenger packets in captures that
contain Yahoo Messenger traffic?""")
answer("""
Wireshark only recognizes as Yahoo Messenger traffic packets to or from TCP
port 3050 that begin with "YPNS", "YHOO", or "YMSG". TCP segments that
start with the middle of a Yahoo Messenger packet that takes more than one
TCP segment will not be recognized as Yahoo Messenger packets (even if the
TCP segment also contains the beginning of another Yahoo Messenger
packet).
""")
#################################################################
section("Filtering traffic")
#################################################################
question("""I saved a filter and tried to use its name to filter the
display; why do I get an "Unexpected end of filter string" error?""")
answer("""
You cannot use the name of a saved display filter as a filter. To
filter the display, you can enter a display filter expression -
<strong>not</strong> the name of a saved display filter - in the
"Filter:" box at the bottom of the display, and type the <Enter> key or
press the "Apply" button (that does not require you to have a saved
filter), or, if you want to use a saved filter, you can press the
"Filter:" button, select the filter in the dialog box that pops up, and
press the "OK" button.""")
question("""
How can I search for, or filter, packets that have a particular string
anywhere in them?
""")
answer("""
If you want to do this when capturing, you can't. That's a feature that
would be hard to implement in capture filters without changes to the
capture filter code, which, on many platforms, is in the OS kernel and,
on other platforms, is in the libpcap library.
<br>
After capture, you can search for text by selecting <i>Edit→Find
Packet...</i> and making sure <i>String</i> is selected. Alternately, you can
use the "contains" display filter operator or "matches" operator if it's
supported on your system.
""")
question("""
How do I filter a capture to see traffic for virus XXX?
""")
answer("""
For some viruses/worms there might be a capture filter to recognize the
virus traffic. Check the <a
href="https://wiki.wireshark.org/CaptureFilters">CaptureFilters</a> page
on the <a href="https://wiki.wireshark.org/">Wireshark Wiki</a> to see if
anybody's added such a filter.
<br>
Note that Wireshark was not designed to be an intrusion detection system;
you might be able to use it as an IDS, but in most cases software
designed to be an IDS, such as <a href="https://www.snort.org/">Snort</a>
or <a href="https://www.prelude-siem.org/">Prelude</a>, will probably work
better.
""")
#################################################################
if __name__ == '__main__':
sys.exit(main())
#################################################################
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
198,
2,
198,
2,
24685,
80,
13,
9078,
198,
2,
198,
2,
39602,
1127,
284,
25432,
257,
18749,
1351,
329,
262,
370,
2387,
71,
668,
3992,
2524,
13,
198,
2,
20396,
290,
3280,
2695,
460,
307,
1043,
2174,
13,
7275,
290,
198,
2,
1808,
3146,
481,
307,
6338,
7560,
13,
198,
2,
198,
2,
370,
2387,
71,
668,
532,
7311,
4979,
4284,
9107,
198,
2,
2750,
27027,
955,
1443,
1279,
26941,
31,
86,
2387,
71,
668,
13,
2398,
29,
198,
2,
15069,
7795,
27027,
955,
1443,
198,
2,
198,
2,
30628,
55,
12,
34156,
12,
33234,
7483,
25,
38644,
12,
17,
13,
15,
12,
273,
12,
36760,
198,
198,
11748,
25064,
198,
11748,
4731,
198,
198,
2363,
62,
22510,
796,
657,
198,
7266,
2363,
62,
22510,
796,
657,
198,
7266,
7266,
2363,
62,
22510,
796,
657,
198,
23946,
796,
17635,
198,
14421,
62,
5458,
796,
6045,
198,
8000,
62,
5458,
796,
6045,
198,
23936,
8000,
62,
5458,
796,
6045,
198,
14421,
62,
25652,
796,
6045,
198,
14421,
62,
12985,
796,
6045,
198,
198,
2,
6889,
257,
10289,
286,
2346,
198,
198,
2,
3060,
257,
2665,
198,
198,
2,
3060,
257,
8371,
198,
198,
2,
3060,
257,
6352,
549,
5458,
198,
198,
2,
3060,
257,
1808,
198,
198,
2,
3060,
281,
3280,
628,
198,
2,
13610,
262,
6376,
628,
198,
2,
12578,
1255,
198,
198,
29113,
29113,
2,
198,
5458,
7203,
12218,
20396,
4943,
198,
29113,
29113,
2,
198,
198,
25652,
7203,
2061,
318,
370,
2387,
71,
668,
1701,
8,
198,
41484,
7203,
15931,
198,
54,
2387,
71,
668,
5,
2,
22985,
26,
318,
257,
3127,
8435,
4284,
9107,
13,
632,
8781,
345,
8006,
290,
198,
3849,
33329,
25675,
262,
4979,
2491,
319,
257,
3644,
3127,
13,
220,
632,
468,
198,
64,
5527,
290,
3665,
3895,
900,
290,
318,
995,
338,
749,
2968,
2891,
286,
663,
198,
11031,
13,
632,
4539,
319,
749,
14492,
9554,
1390,
3964,
11,
40017,
11,
198,
19314,
11,
290,
4725,
10426,
13,
7311,
11153,
11,
2324,
6154,
11,
6505,
11,
198,
392,
30770,
1088,
262,
995,
779,
340,
7987,
13,
632,
318,
12748,
1695,
198,
292,
1280,
2723,
11,
290,
318,
2716,
739,
262,
22961,
3611,
5094,
13789,
198,
9641,
362,
13,
198,
198,
27,
1671,
29,
198,
198,
1026,
318,
4166,
290,
9456,
416,
257,
3298,
1074,
286,
8435,
6154,
11,
290,
198,
270,
318,
281,
1672,
286,
257,
198,
27,
64,
13291,
2625,
5450,
1378,
268,
13,
31266,
13,
2398,
14,
15466,
14,
7279,
3622,
425,
62,
45503,
5320,
6381,
3622,
425,
198,
45503,
3556,
64,
28401,
198,
198,
27,
1671,
29,
198,
198,
54,
2387,
71,
668,
973,
284,
307,
1900,
355,
412,
37827,
5,
2,
22985,
26,
13,
220,
4091,
262,
1306,
1808,
198,
1640,
3307,
546,
262,
1438,
1487,
13,
220,
1002,
345,
821,
991,
1262,
412,
37827,
11,
340,
198,
271,
7634,
7151,
326,
345,
8515,
284,
370,
2387,
71,
668,
355,
412,
37827,
318,
198,
403,
15999,
290,
468,
1900,
2324,
23805,
13,
198,
198,
27,
1671,
29,
198,
198,
1890,
517,
1321,
11,
3387,
766,
262,
198,
27,
64,
13291,
2625,
5450,
1378,
2503,
13,
86,
2387,
71,
668,
13,
2398,
14,
10755,
13,
6494,
5320,
8585,
370,
2387,
71,
668,
3556,
64,
29,
198,
7700,
13,
198,
15931,
4943,
628,
198,
25652,
7203,
2061,
338,
510,
351,
262,
1438,
1487,
30,
220,
1148,
370,
2387,
71,
668,
257,
15563,
1701,
8,
198,
41484,
7203,
15931,
198,
818,
1737,
286,
4793,
11,
27027,
955,
1443,
357,
1169,
2656,
1772,
286,
412,
37827,
8,
198,
19963,
284,
670,
329,
327,
11598,
21852,
357,
13466,
1900,
329,
7178,
47,
11128,
737,
198,
13898,
11,
339,
550,
284,
2666,
262,
412,
37827,
27346,
2157,
13,
198,
198,
27,
1671,
29,
198,
198,
1212,
1364,
262,
1628,
287,
281,
13006,
2292,
13,
220,
383,
691,
6397,
835,
198,
1462,
4155,
262,
3767,
1943,
286,
262,
1628,
373,
284,
1487,
262,
1438,
13,
198,
1212,
318,
703,
370,
2387,
71,
668,
373,
4642,
13,
198,
198,
27,
1671,
29,
198,
198,
54,
2387,
71,
668,
318,
2048,
357,
4360,
407,
2407,
8,
257,
15563,
13,
29282,
257,
366,
32523,
1,
286,
281,
1280,
2723,
198,
16302,
2482,
287,
734,
3891,
11,
3992,
5043,
11,
2478,
3466,
11,
1104,
198,
10745,
5685,
1356,
942,
11,
3503,
13,
770,
318,
262,
1339,
351,
370,
2387,
71,
668,
2845,
329,
530,
12411,
198,
1069,
4516,
1377,
790,
2888,
286,
262,
4755,
2478,
1074,
318,
783,
1762,
319,
198,
54,
2387,
71,
668,
13,
1318,
468,
587,
645,
4075,
2478,
319,
412,
37827,
1201,
262,
1438,
198,
3803,
13,
12168,
3354,
286,
262,
412,
37827,
3992,
2524,
357,
10508,
355,
262,
21898,
8341,
11,
198,
10459,
2438,
16099,
11,
290,
1382,
5318,
8,
423,
3750,
18043,
13,
198,
198,
27,
1671,
29,
198,
198,
5167,
1321,
319,
262,
1438,
1487,
460,
307,
1043,
994,
25,
198,
3556,
79,
29,
198,
27,
377,
1398,
2625,
9186,
62,
4868,
5320,
628,
220,
1279,
4528,
6927,
64,
13291,
2625,
4023,
1378,
2503,
13,
1050,
12384,
13,
785,
14,
260,
29329,
14,
13330,
14,
21,
14,
1050,
12384,
2670,
1899,
4089,
13,
19211,
5320,
20556,
1803,
2650,
3556,
64,
29,
198,
220,
1279,
4528,
6927,
64,
13291,
2625,
4023,
1378,
17474,
2931,
13,
23289,
13,
785,
14,
26845,
14,
44966,
3104,
5320,
9980,
19857,
2708,
3556,
64,
29,
198,
220,
1279,
4528,
29,
7085,
584,
6685,
287,
1279,
64,
13291,
2625,
5450,
1378,
2503,
13,
86,
2387,
71,
668,
13,
2398,
14,
65,
45689,
13,
6494,
5320,
454,
275,
45689,
3556,
64,
29,
198,
3556,
377,
29,
198,
27,
79,
29,
198,
15931,
4943,
628,
198,
25652,
7203,
8496,
460,
314,
651,
1037,
1701,
8,
198,
41484,
7203,
15931,
198,
20012,
1104,
318,
1695,
319,
262,
198,
27,
64,
13291,
2625,
5450,
1378,
2093,
13,
86,
2387,
71,
668,
13,
2398,
14,
5320,
48,
5,
696,
26,
32,
2524,
3556,
64,
29,
290,
319,
262,
198,
86,
2387,
71,
668,
12,
18417,
21898,
1351,
13,
220,
3834,
33584,
1321,
290,
22415,
329,
198,
439,
286,
370,
2387,
71,
668,
338,
21898,
8341,
460,
307,
1043,
379,
4064,
82,
13,
220,
1052,
30039,
6518,
198,
9395,
3474,
284,
370,
2387,
71,
668,
460,
307,
1043,
379,
4064,
82,
13,
198,
198,
27,
1671,
29,
198,
198,
24704,
12,
32416,
290,
21187,
12,
992,
3047,
318,
1695,
379,
1279,
64,
198,
33257,
2625,
4023,
1378,
2503,
13,
86,
2387,
71,
668,
34409,
13,
785,
5320,
54,
2387,
71,
668,
2059,
3556,
64,
28401,
198,
54,
2387,
71,
668,
2059,
635,
4394,
18094,
2884,
262,
370,
2387,
71,
668,
198,
37608,
1431,
7311,
44600,
1430,
13,
198,
198,
37811,
4064,
357,
944,
8726,
7203,
5450,
1378,
2503,
13,
86,
2387,
71,
668,
13,
2398,
14,
4529,
805,
14,
4868,
10951,
12340,
198,
220,
220,
220,
220,
220,
220,
2116,
8726,
7203,
1980,
1378,
1980,
13,
69,
1361,
1098,
13,
3262,
14,
86,
2387,
71,
668,
4943,
198,
220,
220,
220,
220,
220,
220,
15306,
628,
198,
25652,
7203,
2061,
1611,
286,
21027,
318,
370,
2387,
71,
668,
1701,
8,
198,
41484,
7203,
15931,
198,
27,
72,
29,
66,
998,
283,
46457,
2825,
3768,
24464,
3556,
72,
28401,
198,
15931,
4943,
628,
198,
25652,
7203,
2437,
318,
370,
2387,
71,
668,
16293,
11,
32213,
290,
3139,
1143,
1701,
8,
198,
41484,
7203,
15931,
198,
54,
2387,
71,
668,
318,
16293,
355,
262,
1573,
1279,
72,
29,
21809,
3556,
72,
29,
3940,
3393,
416,
198,
1169,
1573,
1279,
72,
29,
1477,
668,
3556,
72,
28401,
220,
1475,
529,
41694,
290,
12476,
743,
7565,
198,
44023,
319,
534,
36693,
357,
68,
13,
70,
13,
14538,
737,
198,
198,
27,
1671,
29,
198,
198,
1026,
338,
32213,
351,
257,
3139,
1279,
72,
29,
54,
3556,
72,
22330,
3940,
416,
257,
2793,
12,
7442,
198,
27,
72,
29,
2387,
71,
668,
3556,
72,
28401,
220,
632,
318,
407,
257,
43281,
20448,
1573,
11,
1312,
13,
68,
1539,
1279,
72,
29,
29451,
2484,
668,
3556,
72,
29,
198,
271,
11491,
13,
198,
15931,
4943,
628,
198,
25652,
7203,
2437,
881,
857,
370,
2387,
71,
668,
1575,
35379,
366,
4360,
62,
400,
1381,
62,
1662,
62,
439,
4943,
198,
41484,
7203,
15931,
198,
54,
2387,
71,
668,
318,
366,
5787,
3788,
8172,
345,
460,
4321,
340,
1231,
5989,
597,
198,
43085,
6838,
13,
220,
383,
2196,
286,
370,
2387,
71,
668,
345,
4321,
2125,
470,
257,
366,
9536,
78,
1,
198,
9641,
11,
351,
11247,
407,
1944,
287,
257,
366,
12853,
1,
2196,
26,
340,
198,
27,
368,
29,
271,
3556,
368,
29,
262,
1336,
2196,
13,
198,
198,
27,
1671,
29,
198,
198,
464,
5964,
739,
543,
370,
2387,
71,
668,
318,
4884,
318,
1279,
64,
198,
33257,
2625,
5450,
1378,
2503,
13,
41791,
13,
2398,
14,
677,
4541,
14,
70,
489,
12,
17,
13,
15,
13,
6494,
5320,
1169,
22961,
3611,
5094,
198,
34156,
2196,
362,
3556,
64,
28401,
220,
4091,
1279,
64,
198,
33257,
2625,
5450,
1378,
2503,
13,
41791,
13,
2398,
14,
677,
4541,
14,
727,
12,
677,
4541,
14,
70,
489,
12,
17,
13,
15,
12,
13331,
80,
13,
6494,
5320,
1169,
22961,
198,
38,
6489,
18749,
3556,
64,
29,
329,
617,
517,
1321,
13,
198,
15931,
4943,
198,
198,
25652,
7203,
1537,
314,
655,
3432,
2130,
319,
21698,
329,
257,
4866,
286,
370,
2387,
71,
668,
0,
7731,
314,
651,
19551,
572,
1701,
8,
198,
41484,
7203,
15931,
198,
2504,
8338,
13,
7731,
484,
2148,
597,
3297,
286,
1988,
12,
29373,
1720,
393,
2139,
11,
884,
198,
292,
9988,
1104,
11,
9988,
2056,
11,
3047,
11,
12854,
2393,
3781,
11,
393,
198,
12543,
2584,
12,
25717,
21027,
12,
26966,
24359,
30,
18578,
407,
13,
198,
198,
27,
1671,
29,
198,
198,
54,
2387,
71,
668,
318,
1279,
64,
13291,
2625,
5450,
1378,
2503,
13,
86,
2387,
71,
668,
13,
2398,
14,
15002,
13,
6494,
5320,
15182,
329,
198,
1092,
505,
284,
4321,
11,
5543,
1479,
11,
379,
597,
640,
3556,
64,
28401,
7119,
278,
329,
257,
4866,
15565,
198,
5562,
345,
815,
651,
1223,
329,
534,
1637,
13,
198,
15931,
4943,
198,
198,
25652,
7203,
6090,
314,
779,
370,
2387,
71,
668,
26879,
1701,
8,
198,
41484,
7203,
15931,
198,
5297,
11,
611,
11,
329,
1672,
11,
345,
1612,
366,
40,
670,
329,
257,
5068,
4009,
26,
198,
5171,
314,
779,
370,
2387,
71,
668,
284,
8006,
290,
16602,
3127,
4979,
287,
674,
198,
39722,
338,
7686,
393,
287,
674,
6491,
338,
7686,
1701,
198,
198,
27,
1671,
29,
198,
198,
1532,
345,
1612,
366,
6090,
314,
779,
370,
2387,
71,
668,
355,
636,
286,
616,
5068,
1720,
35379,
766,
198,
27,
64,
13291,
25698,
34631,
62,
1818,
62,
70,
489,
5320,
1169,
1306,
5726,
287,
262,
18749,
3556,
64,
28401,
198,
15931,
4943,
628,
198,
25652,
7203,
6090,
314,
779,
370,
2387,
71,
668,
355,
636,
286,
616,
5068,
1720,
35379,
198,
1,
34631,
62,
1818,
62,
70,
489,
4943,
198,
198,
41484,
7203,
15931,
198,
1722,
4367,
11,
370,
2387,
71,
668,
318,
11971,
739,
1279,
64,
198,
33257,
2625,
5450,
1378,
2503,
13,
41791,
13,
2398,
14,
677,
4541,
14,
70,
489,
12,
17,
13,
15,
13,
6494,
5320,
1169,
22961,
3611,
5094,
198,
34156,
11,
2196,
362,
3556,
64,
28401,
383,
38644,
36794,
3403,
319,
534,
779,
286,
38644,
6,
276,
198,
8189,
287,
534,
898,
3186,
26,
345,
2314,
11,
329,
1672,
11,
787,
257,
366,
34631,
198,
1818,
1,
422,
370,
2387,
71,
668,
11,
416,
1642,
19008,
284,
340,
11,
290,
788,
3677,
262,
198,
20274,
278,
10944,
670,
290,
407,
1249,
20352,
284,
1577,
1497,
262,
198,
20274,
278,
670,
13,
921,
1276,
635,
787,
262,
2458,
345,
1053,
925,
284,
262,
198,
54,
2387,
71,
668,
2723,
1695,
284,
477,
20352,
286,
534,
9518,
2196,
26,
198,
25591,
2458,
1276,
635,
307,
11971,
739,
262,
2846,
286,
262,
38644,
13,
4091,
262,
198,
27,
64,
13291,
2625,
5450,
1378,
2503,
13,
41791,
13,
2398,
14,
677,
4541,
14,
727,
12,
677,
4541,
14,
70,
489,
12,
17,
13,
15,
12,
13331,
80,
13,
6494,
5320,
38,
6489,
198,
42680,
3556,
64,
29,
329,
517,
3307,
26,
287,
1948,
11,
3465,
262,
3280,
284,
1279,
64,
198,
33257,
2625,
5450,
1378,
2503,
13,
41791,
13,
2398,
14,
677,
4541,
14,
727,
12,
677,
4541,
14,
70,
489,
12,
17,
13,
15,
12,
13331,
80,
13,
6494,
2,
38,
6489,
5377,
647,
2131,
5320,
1169,
198,
25652,
546,
30620,
257,
38644,
276,
1430,
290,
6301,
340,
198,
785,
647,
2131,
3556,
64,
22330,
290,
1279,
64,
198,
33257,
2625,
5450,
1378,
2503,
13,
41791,
13,
2398,
14,
677,
4541,
14,
727,
12,
677,
4541,
14,
70,
489,
12,
17,
13,
15,
12,
13331,
80,
13,
6494,
2,
43,
8040,
3152,
38,
6489,
5320,
1169,
198,
25652,
546,
17795,
38644,
276,
2438,
351,
584,
2438,
284,
787,
257,
20622,
198,
23065,
3556,
64,
28401,
198,
198,
27,
1671,
29,
198,
198,
1639,
460,
12082,
257,
38644,
276,
1430,
884,
355,
370,
2387,
71,
668,
290,
257,
5068,
198,
23065,
355,
890,
355,
484,
10996,
366,
265,
3211,
338,
4129,
1600,
355,
583,
1279,
64,
198,
33257,
2625,
5450,
1378,
2503,
13,
41791,
13,
2398,
14,
677,
4541,
14,
727,
12,
677,
4541,
14,
70,
489,
12,
17,
13,
15,
12,
13331,
80,
13,
6494,
2,
38,
6489,
818,
47,
9219,
8527,
11964,
5320,
5661,
198,
9186,
287,
262,
38644,
18749,
3556,
64,
28401,
198,
198,
27,
1671,
29,
198,
198,
1135,
4313,
5291,
370,
2387,
71,
668,
290,
534,
1720,
3190,
4553,
11,
198,
10709,
12364,
625,
37037,
393,
19860,
13,
1002,
345,
821,
11046,
597,
636,
286,
198,
54,
2387,
71,
668,
355,
257,
360,
3069,
11,
345,
821,
2192,
1804,
340,
2642,
13,
198,
15931,
4943,
198,
198,
25652,
7203,
2061,
19565,
389,
3058,
4855,
1701,
8,
198,
41484,
7203,
15931,
198,
1858,
389,
3058,
5179,
286,
4855,
198,
11235,
4668,
82,
290,
2056,
13,
220,
14890,
460,
307,
1043,
287,
262,
198,
27,
64,
198,
33257,
2625,
5450,
1378,
2503,
13,
86,
2387,
71,
668,
13,
2398,
14,
31628,
14,
805,
12,
31126,
14,
86,
2387,
71,
668,
13,
6494,
5320,
86,
2387,
71,
668,
7,
16,
36475,
64,
29,
198,
805,
2443,
13,
198,
15931,
4943,
628,
198,
25652,
7203,
8491,
612,
597,
3352,
284,
1104,
1391,
14108,
4004,
8435,
92,
1701,
8,
198,
41484,
7203,
15931,
198,
15514,
329,
1948,
19565,
318,
2087,
284,
370,
2387,
71,
668,
355,
257,
1255,
286,
198,
15332,
14329,
326,
1104,
26,
645,
8766,
3352,
329,
4375,
1104,
329,
198,
3911,
13174,
19565,
287,
1948,
2003,
10050,
2152,
13,
198,
15931,
4943,
628,
198,
25652,
7203,
15931,
6090,
370,
2387,
71,
668,
1100,
8006,
3696,
422,
1391,
14108,
4004,
3127,
198,
38200,
9107,
92,
1701,
1,
4943,
198,
198,
41484,
7203,
15931,
198,
15514,
329,
1948,
8006,
2393,
17519,
318,
2087,
284,
370,
2387,
71,
668,
355,
257,
1255,
198,
1659,
661,
14329,
326,
1104,
26,
645,
8766,
3352,
329,
4375,
1104,
329,
198,
3911,
13174,
8006,
2393,
17519,
287,
1948,
2003,
10050,
2152,
13,
198,
198,
27,
1671,
29,
198,
198,
1532,
257,
3127,
4284,
9107,
6797,
503,
3696,
287,
257,
5794,
1541,
4855,
416,
198,
54,
2387,
71,
668,
357,
68,
13,
70,
1539,
287,
9195,
79,
11128,
5794,
828,
370,
2387,
71,
668,
743,
1541,
307,
1498,
284,
1100,
198,
18855,
11,
4556,
262,
4284,
9107,
468,
2087,
663,
898,
20622,
18366,
284,
198,
5562,
5794,
13,
198,
198,
27,
1671,
29,
198,
198,
1532,
257,
3127,
4284,
9107,
6797,
503,
3696,
287,
663,
898,
5794,
11,
393,
468,
2087,
198,
1676,
3448,
8527,
18366,
284,
1194,
5794,
11,
287,
1502,
284,
787,
370,
2387,
71,
668,
1100,
198,
27144,
942,
422,
326,
3127,
4284,
9107,
11,
356,
561,
2035,
423,
284,
423,
257,
198,
16684,
2649,
329,
262,
2393,
5794,
11,
393,
262,
18366,
11,
6751,
284,
1577,
198,
385,
1576,
1321,
284,
1100,
262,
3354,
286,
262,
2393,
5981,
284,
198,
54,
2387,
71,
668,
11,
393,
561,
761,
379,
1551,
530,
8006,
2393,
287,
326,
5794,
198,
27,
11576,
29,
6981,
3556,
11576,
29,
257,
6496,
40577,
3781,
286,
262,
24624,
287,
326,
198,
27144,
495,
2393,
357,
1477,
7855,
19638,
640,
25560,
11,
19638,
20428,
11,
290,
262,
198,
4852,
12,
5715,
19638,
13639,
8,
287,
1502,
284,
9575,
12,
18392,
263,
262,
2393,
198,
18982,
13,
198,
198,
27,
1671,
29,
198,
198,
6425,
326,
612,
318,
645,
9149,
326,
356,
481,
307,
1498,
284,
9575,
12,
18392,
263,
198,
64,
8006,
2393,
5794,
13,
198,
15931,
4943,
628,
198,
25652,
7203,
2061,
4410,
460,
370,
2387,
71,
668,
779,
284,
8006,
24624,
1701,
8,
198,
41484,
7203,
15931,
198,
54,
2387,
71,
668,
460,
1100,
2107,
1366,
422,
31903,
11,
29130,
12,
39687,
11,
376,
16458,
40,
11,
11389,
357,
10246,
47,
198,
392,
12419,
4061,
8,
357,
361,
262,
7294,
319,
543,
340,
338,
2491,
3578,
370,
2387,
71,
668,
284,
466,
523,
828,
198,
30863,
13,
1157,
12521,
24192,
357,
361,
262,
7294,
319,
543,
340,
338,
2491,
3578,
370,
2387,
71,
668,
284,
198,
4598,
523,
828,
30939,
8787,
357,
361,
262,
7294,
319,
543,
340,
338,
2491,
3578,
370,
2387,
71,
668,
198,
1462,
466,
523,
828,
290,
262,
366,
1092,
1,
3335,
4855,
319,
7020,
416,
2274,
6300,
286,
198,
8019,
79,
11128,
13,
198,
198,
27,
1671,
29,
198,
198,
6214,
1279,
64,
13291,
2625,
5450,
1378,
15466,
13,
86,
2387,
71,
668,
13,
2398,
14,
49630,
40786,
14,
26245,
13152,
5320,
1169,
1351,
286,
198,
15999,
8006,
2056,
319,
2972,
7294,
274,
3556,
64,
29,
329,
3307,
357,
28116,
282,
3709,
198,
259,
612,
910,
366,
20035,
1600,
543,
1595,
470,
1612,
366,
54,
2387,
71,
668,
460,
470,
8006,
319,
198,
18855,
1600,
340,
1724,
366,
732,
836,
470,
760,
1771,
340,
460,
8006,
319,
606,
8172,
356,
198,
1069,
806,
326,
340,
481,
307,
1498,
284,
8006,
319,
867,
286,
606,
11,
475,
356,
4398,
470,
198,
83,
2228,
340,
6731,
532,
611,
345,
1949,
530,
286,
883,
3858,
290,
340,
2499,
11,
3387,
198,
19119,
262,
22719,
2443,
16062,
13,
198,
198,
27,
1671,
29,
198,
198,
1026,
460,
635,
1100,
257,
4996,
286,
8006,
2393,
17519,
11,
1390,
25,
198,
198,
3556,
79,
29,
198,
27,
377,
29,
198,
198,
27,
4528,
29,
13077,
4912,
14,
25946,
11869,
1039,
14,
47362,
85,
3754,
20017,
6435,
988,
14,
30642,
6435,
988,
14,
32,
7058,
6435,
988,
14,
36,
490,
22087,
14,
47,
8317,
25339,
527,
23007,
198,
27,
4528,
29,
9552,
55,
338,
1312,
457,
16740,
23007,
198,
27,
4528,
29,
4013,
5666,
338,
642,
7680,
82,
24192,
5797,
5072,
198,
27,
4528,
29,
327,
259,
1073,
27862,
3433,
55,
19591,
23007,
198,
27,
4528,
29,
28289,
26707,
2558,
81,
4241,
46254,
4482,
6101,
11187,
5072,
198,
27,
4528,
29,
1766,
50,
500,
406,
17,
14257,
5072,
198,
27,
4528,
29,
360,
4462,
20017,
8340,
569,
5653,
2420,
5072,
198,
27,
4528,
29,
5268,
558,
24291,
434,
11998,
6,
13793,
37,
5794,
23007,
198,
27,
4528,
29,
14144,
10305,
45,
8450,
311,
15,
20675,
198,
27,
4528,
29,
6574,
12,
31235,
2010,
28781,
23007,
198,
27,
4528,
29,
3180,
35504,
19,
21800,
1628,
1312,
19,
65,
40546,
23007,
198,
27,
4528,
29,
7020,
4518,
89,
19263,
8931,
289,
66,
312,
931,
532,
86,
20675,
198,
27,
4528,
29,
6026,
1087,
14,
32,
1416,
437,
20264,
14257,
5072,
198,
27,
4528,
29,
5413,
7311,
18289,
23007,
198,
27,
4528,
29,
7311,
29306,
3964,
12,
3106,
5489,
733,
263,
23007,
198,
27,
4528,
29,
7311,
3611,
14,
26245,
29306,
43036,
12,
3106,
5489,
733,
263,
357,
5589,
2790,
393,
34318,
2790,
8,
23007,
198,
27,
4528,
29,
7311,
43953,
27058,
2196,
860,
23007,
198,
27,
4528,
29,
399,
659,
297,
24192,
3400,
9107,
23007,
198,
27,
4528,
29,
33540,
9858,
338,
370,
1565,
14,
25697,
4284,
9107,
23007,
198,
27,
4528,
29,
911,
296,
8846,
14,
37,
16661,
283,
13084,
273,
23007,
198,
27,
4528,
29,
40195,
49224,
338,
3180,
35504,
41144,
10285,
5072,
198,
27,
4528,
29,
569,
5653,
23633,
4061,
40546,
14,
4825,
47,
40546,
14,
9598,
55,
3,
5446,
11598,
5072,
198,
27,
4528,
29,
15612,
27862,
6,
15612,
3205,
7575,
4979,
8006,
198,
27,
4528,
29,
9195,
79,
11128,
11,
48265,
39455,
290,
2972,
584,
4899,
1262,
48265,
39455,
338,
8006,
5794,
198,
27,
4528,
29,
3013,
11224,
290,
379,
907,
3919,
404,
5072,
198,
198,
3556,
377,
29,
198,
198,
27,
79,
29,
198,
568,
326,
340,
460,
1100,
20675,
422,
2972,
3127,
3858,
11,
355,
7907,
416,
198,
847,
5479,
393,
5112,
11,
772,
611,
340,
2314,
2346,
8006,
319,
198,
25591,
3127,
3858,
13,
198,
15931,
4943,
198,
198,
25652,
7203,
15931,
198,
13921,
370,
2387,
71,
668,
670,
319,
3964,
25160,
393,
3964,
9652,
3648,
30,
198,
15931,
4943,
198,
198,
41484,
7203,
15931,
198,
5297,
11,
475,
611,
345,
765,
284,
8006,
24624,
355,
257,
3487,
2836,
11,
345,
1276,
787,
1654,
198,
37659,
69,
13,
17597,
318,
9639,
13,
370,
2387,
71,
668,
338,
29124,
13536,
428,
416,
4277,
13,
770,
318,
407,
257,
198,
1102,
30903,
611,
345,
1057,
370,
2387,
71,
668,
355,
22998,
11,
475,
428,
318,
30170,
13,
4091,
262,
198,
27,
64,
198,
33257,
2625,
5450,
1378,
15466,
13,
86,
2387,
71,
668,
13,
2398,
14,
49630,
40786,
14,
49630,
20184,
576,
3212,
2,
28457,
5320,
49630,
20184,
576,
3212,
3556,
64,
29,
198,
7700,
319,
262,
22719,
329,
517,
3307,
13,
198,
15931,
4943,
628,
198,
29113,
29113,
2,
198,
5458,
7203,
6310,
9221,
370,
2387,
71,
668,
4943,
198,
29113,
29113,
2,
628,
198,
25652,
7203,
15931,
40,
6589,
262,
370,
2387,
71,
668,
32381,
357,
273,
584,
5301,
1776,
1521,
750,
198,
270,
2721,
309,
2484,
668,
475,
407,
370,
2387,
71,
668,
1701,
1,
4943,
198,
198,
41484,
7203,
15931,
198,
7085,
24570,
423,
4553,
370,
2387,
71,
668,
10392,
11,
530,
329,
1729,
12,
40156,
198,
5589,
3906,
884,
355,
309,
2484,
668,
11,
4370,
11128,
11,
10285,
11128,
11,
3503,
13,
290,
530,
329,
262,
25757,
13,
198,
1532,
428,
318,
262,
1339,
319,
534,
1080,
11,
612,
338,
2192,
257,
4553,
5301,
198,
13190,
1279,
8189,
29,
86,
2387,
71,
668,
12,
39568,
3556,
8189,
28401,
220,
9938,
340,
290,
2721,
340,
13,
198,
15931,
4943,
628,
198,
29113,
29113,
2,
198,
5458,
7203,
25954,
370,
2387,
71,
668,
4943,
198,
29113,
29113,
2,
628,
198,
25652,
7203,
15931,
40,
423,
9195,
79,
11128,
6589,
26,
1521,
750,
262,
17425,
4226,
407,
198,
19796,
279,
11128,
13,
71,
393,
275,
79,
69,
13,
71,
1701,
1,
4943,
198,
198,
41484,
7203,
15931,
198,
8491,
345,
1654,
279,
11128,
13,
71,
290,
275,
79,
69,
13,
71,
389,
6589,
30,
220,
383,
1743,
6082,
198,
1659,
9195,
79,
11128,
691,
42027,
262,
9195,
79,
11128,
13,
64,
5888,
2393,
618,
366,
15883,
2721,
1,
198,
271,
1057,
13,
220,
1675,
2721,
279,
11128,
13,
71,
290,
275,
79,
69,
13,
71,
11,
345,
1276,
1057,
366,
15883,
2721,
12,
259,
565,
1911,
198,
1532,
345,
821,
2491,
26062,
393,
2297,
5183,
11,
787,
1654,
345,
423,
262,
366,
8019,
79,
11128,
12,
7959,
1,
198,
273,
366,
8019,
79,
11128,
12,
2934,
626,
1,
10392,
6589,
13,
198,
198,
27,
1671,
29,
198,
198,
1026,
338,
635,
1744,
326,
279,
11128,
13,
71,
290,
275,
79,
69,
13,
71,
423,
587,
6589,
287,
257,
6283,
198,
24886,
13,
220,
1002,
428,
318,
262,
1339,
11,
345,
743,
423,
284,
25393,
257,
565,
4374,
13,
76,
19,
13,
198,
15931,
4943,
628,
198,
29113,
29113,
2,
198,
5458,
7203,
22851,
370,
2387,
71,
668,
4943,
198,
29113,
29113,
2,
628,
198,
25652,
7203,
15931,
2215,
314,
1949,
284,
1057,
370,
2387,
71,
668,
11,
1521,
857,
340,
13121,
546,
198,
27,
8189,
29,
82,
4798,
62,
260,
32332,
62,
26801,
312,
3556,
8189,
29,
852,
28721,
1701,
1,
4943,
198,
198,
41484,
7203,
15931,
198,
54,
2387,
71,
668,
460,
691,
307,
6692,
351,
2196,
604,
13,
17,
13,
17,
393,
1568,
286,
471,
8610,
11346,
7378,
13,
198,
7120,
2196,
286,
370,
2387,
71,
668,
373,
32366,
6692,
351,
884,
257,
2196,
286,
198,
52,
8610,
11346,
7378,
26,
2158,
11,
345,
423,
281,
4697,
2196,
286,
471,
8610,
11346,
7378,
6589,
11,
198,
4758,
1724,
326,
618,
370,
2387,
71,
668,
318,
1057,
11,
340,
8404,
284,
2792,
284,
262,
4697,
198,
9641,
11,
290,
10143,
13,
220,
921,
481,
423,
284,
6330,
326,
2196,
286,
471,
8610,
11346,
7378,
198,
4480,
2196,
604,
13,
17,
13,
17,
393,
257,
1568,
2196,
13,
198,
15931,
4943,
198,
198,
25652,
7203,
15931,
198,
40,
1053,
6589,
370,
2387,
71,
668,
422,
376,
676,
319,
40017,
26,
1521,
318,
340,
845,
3105,
284,
198,
9688,
510,
30,
198,
15931,
4943,
198,
198,
41484,
7203,
15931,
198,
2215,
281,
3586,
318,
6589,
319,
40017,
11,
3161,
284,
838,
13,
19,
11,
340,
318,
3221,
198,
1,
3866,
7784,
1,
284,
2866,
510,
13925,
262,
3586,
13,
220,
357,
2504,
338,
644,
262,
198,
1,
27871,
320,
2890,
1,
7108,
286,
9988,
318,
2014,
198,
198,
27,
1671,
29,
198,
198,
37,
676,
7685,
17706,
662,
30786,
6338,
618,
345,
2721,
257,
198,
26495,
13,
2102,
11,
287,
617,
4071,
2663,
11,
329,
4232,
1738,
262,
662,
30786,
198,
66,
3694,
651,
10622,
11,
290,
788,
407,
691,
857,
662,
30786,
2038,
11,
475,
13693,
198,
37739,
4329,
881,
13611,
11,
780,
262,
1080,
8404,
287,
23469,
284,
198,
525,
687,
662,
30786,
366,
261,
262,
6129,
1,
355,
345,
4219,
262,
3586,
13,
770,
198,
69,
1768,
11,
6666,
3360,
3236,
16119,
13,
198,
198,
27,
1671,
29,
198,
198,
2514,
4259,
262,
662,
30786,
50177,
11,
1057,
262,
3141,
198,
3556,
79,
29,
198,
198,
27,
3866,
29,
198,
197,
24032,
1220,
2032,
14,
7785,
14,
8019,
14,
69,
676,
14,
3866,
7784,
14,
19119,
12,
26495,
12,
3866,
30786,
13,
489,
532,
69,
198,
3556,
3866,
29,
198,
27,
79,
29,
198,
15931,
4943,
198,
198,
29113,
29113,
2,
198,
5458,
7203,
13916,
7465,
290,
584,
10800,
8563,
4943,
198,
29113,
29113,
2,
628,
198,
25652,
7203,
15931,
198,
40,
423,
281,
27713,
3127,
2657,
319,
616,
4572,
26,
611,
314,
1949,
284,
8006,
319,
340,
11,
1521,
198,
22437,
616,
4572,
7014,
393,
13259,
2346,
30,
198,
15931,
4943,
198,
198,
41484,
7203,
15931,
198,
1212,
318,
2048,
3729,
257,
1917,
351,
530,
393,
517,
286,
25,
198,
3556,
79,
29,
198,
198,
27,
377,
29,
198,
27,
4528,
29,
1169,
5361,
1080,
345,
821,
1262,
26,
198,
27,
4528,
29,
1169,
3335,
4639,
329,
262,
7071,
345,
821,
1262,
26,
198,
27,
4528,
29,
1169,
9195,
79,
11128,
14,
45,
79,
11128,
5888,
290,
11,
611,
428,
318,
3964,
11,
262,
399,
79,
11128,
198,
25202,
4639,
26,
198,
3556,
377,
29,
198,
198,
27,
79,
29,
198,
568,
25,
198,
3556,
79,
29,
198,
198,
27,
377,
29,
198,
27,
4528,
29,
361,
345,
389,
1262,
3964,
11,
766,
1279,
64,
198,
33257,
2625,
5450,
1378,
77,
8899,
13,
2398,
14,
37659,
11128,
14,
5320,
1169,
399,
79,
11128,
1104,
198,
7700,
3556,
64,
29,
532,
2198,
262,
366,
12130,
2052,
11,
15217,
17905,
11,
20396,
11,
35042,
507,
11,
3503,
1,
2665,
26,
198,
198,
27,
4528,
29,
361,
345,
389,
1262,
617,
7020,
6082,
11,
617,
2196,
286,
347,
10305,
11,
393,
198,
11246,
584,
4725,
10426,
12,
2704,
48275,
7294,
11,
345,
815,
989,
262,
1917,
284,
262,
198,
39722,
393,
4009,
326,
11073,
262,
7294,
357,
259,
262,
1339,
286,
257,
7020,
198,
17080,
3890,
11,
989,
262,
1917,
284,
16958,
11073,
262,
6082,
737,
198,
3556,
377,
29,
198,
27,
79,
29,
198,
15931,
4943,
198,
198,
25652,
7203,
15931,
198,
5195,
857,
616,
4572,
7014,
393,
13259,
2346,
618,
314,
2922,
366,
10434,
1,
422,
262,
198,
1,
49630,
1,
6859,
393,
2922,
366,
36698,
4972,
1,
422,
262,
366,
18378,
1,
6859,
30,
198,
15931,
4943,
198,
198,
41484,
7203,
15931,
198,
10265,
286,
883,
4560,
2728,
370,
2387,
71,
668,
284,
1949,
284,
1382,
257,
1351,
286,
262,
198,
3849,
32186,
326,
340,
460,
1280,
26,
340,
857,
523,
416,
1972,
257,
1351,
286,
20314,
198,
392,
2111,
284,
1280,
606,
13,
220,
1318,
318,
2192,
281,
7294,
11,
4639,
11,
393,
11,
329,
198,
11209,
11,
399,
79,
11128,
5434,
326,
5640,
262,
1080,
284,
7014,
618,
428,
4325,
26,
198,
3826,
262,
2180,
1808,
13,
198,
15931,
4943,
198,
198,
29113,
29113,
2,
198,
5458,
7203,
19209,
870,
24624,
4943,
198,
29113,
29113,
2,
628,
198,
25652,
7203,
15931,
2215,
314,
779,
370,
2387,
71,
668,
284,
8006,
24624,
11,
1521,
466,
314,
766,
691,
198,
8002,
1039,
284,
290,
422,
616,
4572,
11,
393,
407,
766,
477,
262,
4979,
314,
1101,
12451,
198,
1462,
766,
422,
393,
284,
262,
4572,
314,
1101,
2111,
284,
5671,
1701,
1,
1600,
366,
16963,
2304,
16184,
733,
4943,
198,
198,
41484,
7203,
15931,
198,
1212,
1244,
307,
780,
262,
7071,
319,
543,
345,
821,
21430,
318,
30601,
198,
20424,
281,
31903,
393,
29130,
12569,
5078,
26,
319,
257,
15293,
3127,
11,
28000,
459,
198,
9535,
2108,
1022,
734,
14090,
481,
407,
6646,
1656,
319,
584,
14090,
532,
198,
8807,
7025,
290,
47368,
459,
4979,
481,
307,
1908,
284,
477,
14090,
13,
198,
198,
27,
1671,
29,
198,
198,
6425,
326,
772,
611,
534,
4572,
318,
30601,
656,
257,
12575,
11,
262,
366,
40140,
1,
743,
307,
198,
64,
15293,
12575,
11,
287,
543,
1339,
345,
821,
991,
319,
257,
15293,
3127,
13,
198,
198,
27,
1671,
29,
198,
198,
6425,
635,
326,
319,
262,
21691,
893,
5313,
2524,
11,
484,
910,
326,
511,
198,
23736,
12,
82,
26426,
38459,
366,
36654,
2701,
262,
838,
44,
65,
24624,
284,
262,
2493,
326,
8076,
198,
265,
838,
44,
65,
691,
290,
7025,
262,
1802,
44,
65,
24624,
284,
262,
14090,
326,
8076,
198,
265,
1802,
44,
65,
691,
1600,
543,
561,
7603,
326,
611,
345,
26300,
319,
257,
838,
44,
65,
2493,
11,
198,
5832,
481,
407,
766,
4979,
2406,
1908,
284,
257,
1802,
44,
65,
2493,
11,
290,
1279,
72,
29,
28281,
198,
690,
64,
3556,
72,
28401,
220,
770,
1917,
468,
635,
587,
2098,
329,
3433,
31763,
10668,
12,
12287,
198,
71,
23161,
11,
290,
743,
2152,
329,
584,
366,
23736,
12,
82,
26426,
1,
393,
366,
646,
282,
12,
12287,
1,
38459,
13,
198,
198,
27,
1671,
29,
198,
198,
4366,
18225,
423,
262,
2694,
284,
24340,
477,
4979,
319,
477,
14090,
284,
198,
64,
2060,
2493,
523,
326,
345,
460,
6107,
534,
4284,
9107,
656,
326,
2060,
2493,
284,
198,
16184,
733,
477,
4979,
13,
220,
921,
561,
423,
284,
2198,
262,
10314,
329,
262,
198,
31943,
284,
766,
611,
428,
318,
1744,
290,
11,
611,
523,
11,
284,
766,
703,
284,
466,
428,
13,
198,
6214,
1279,
64,
13291,
2625,
5450,
1378,
15466,
13,
86,
2387,
71,
668,
13,
2398,
14,
38978,
26687,
5320,
1169,
5078,
198,
35790,
2443,
3556,
64,
29,
319,
1279,
64,
13291,
2625,
5450,
1378,
15466,
13,
86,
2387,
71,
668,
13,
2398,
14,
5320,
1169,
370,
2387,
71,
668,
198,
32603,
3556,
64,
29,
329,
1321,
319,
617,
18225,
13,
220,
357,
6425,
326,
340,
338,
257,
13078,
11,
523,
198,
5832,
460,
4296,
393,
4259,
326,
1321,
11,
393,
751,
3224,
1321,
319,
198,
25591,
18225,
393,
1321,
319,
649,
18225,
11,
3511,
2014,
198,
198,
27,
1671,
29,
198,
198,
6425,
635,
326,
867,
32928,
14,
34259,
10559,
423,
257,
5078,
3170,
656,
606,
26,
198,
5661,
3407,
867,
286,
262,
366,
66,
540,
14,
5258,
43,
20264,
1,
10559,
13,
220,
1002,
345,
423,
257,
3091,
198,
1659,
326,
3297,
11,
326,
468,
257,
5078,
351,
617,
1271,
286,
31903,
14090,
656,
198,
4758,
345,
6107,
8217,
319,
534,
3127,
11,
290,
1194,
31903,
2493,
973,
198,
1462,
2018,
284,
257,
7862,
393,
32643,
38053,
11,
345,
460,
11,
379,
1551,
11,
26300,
4979,
198,
23395,
262,
8217,
319,
534,
3127,
290,
262,
4455,
416,
6107,
2667,
198,
1169,
31903,
2493,
319,
262,
20264,
1016,
284,
262,
38053,
11,
262,
31903,
2493,
319,
198,
1169,
38053,
11,
290,
262,
4572,
319,
543,
345,
821,
2491,
370,
2387,
71,
668,
656,
257,
12575,
198,
7,
15883,
1654,
340,
338,
407,
257,
15430,
12575,
11,
290,
326,
11,
611,
340,
338,
257,
10668,
12,
12287,
12575,
11,
198,
439,
1115,
286,
883,
14090,
389,
2491,
379,
262,
976,
2866,
13,
198,
198,
27,
1671,
29,
198,
198,
1532,
534,
4572,
318,
1279,
368,
29,
1662,
3556,
368,
29,
30601,
656,
257,
15293,
3127,
393,
257,
198,
646,
282,
12,
12287,
12575,
11,
393,
340,
318,
30601,
656,
257,
15293,
3127,
475,
262,
2493,
318,
198,
2617,
510,
284,
423,
477,
4979,
35108,
284,
340,
11,
262,
1917,
1244,
307,
326,
198,
1169,
3127,
7071,
319,
543,
345,
821,
21430,
1595,
470,
1104,
198,
1,
16963,
2304,
5623,
1,
4235,
11,
393,
780,
534,
7294,
460,
470,
1234,
262,
7071,
656,
198,
16963,
2304,
5623,
4235,
13,
220,
29282,
11,
3127,
20314,
5127,
284,
262,
2583,
691,
25,
198,
3556,
79,
29,
198,
198,
27,
377,
29,
198,
27,
4528,
29,
8002,
1039,
1908,
284,
530,
286,
326,
2583,
338,
2792,
12,
29289,
9405,
26,
198,
27,
4528,
29,
36654,
2701,
24624,
26,
198,
27,
4528,
29,
16680,
291,
459,
24624,
1908,
284,
257,
47368,
459,
2209,
326,
262,
2583,
468,
198,
197,
197,
220,
220,
220,
220,
220,
220,
220,
220,
17839,
262,
7071,
284,
2453,
13,
198,
3556,
377,
29,
198,
198,
27,
79,
29,
198,
6943,
3127,
20314,
460,
635,
307,
1234,
287,
366,
16963,
2304,
5623,
1,
4235,
11,
287,
543,
198,
9930,
5127,
284,
262,
2583,
477,
3127,
24624,
484,
766,
13,
220,
370,
2387,
71,
668,
481,
1949,
198,
1462,
1234,
262,
7071,
319,
543,
340,
338,
21430,
656,
1552,
2304,
5623,
4235,
198,
25252,
262,
366,
49630,
24624,
287,
1552,
2304,
5623,
4235,
1,
3038,
318,
2900,
572,
287,
198,
1169,
366,
49630,
18634,
1,
17310,
3091,
11,
290,
309,
2484,
668,
481,
1949,
284,
1234,
262,
198,
39994,
319,
543,
340,
338,
21430,
656,
1552,
2304,
5623,
4235,
4556,
262,
198,
27,
8189,
29,
12,
79,
3556,
8189,
29,
3038,
373,
7368,
13,
220,
2102,
11,
617,
3127,
20314,
198,
9099,
470,
1104,
1552,
2304,
5623,
4235,
11,
290,
617,
7294,
274,
1244,
407,
1249,
20314,
198,
1462,
307,
1234,
656,
1552,
2304,
5623,
4235,
13,
198,
198,
27,
1671,
29,
198,
198,
1532,
262,
7071,
318,
407,
2491,
287,
1552,
2304,
5623,
4235,
11,
340,
1839,
470,
766,
597,
198,
9535,
2108,
326,
2125,
470,
5292,
284,
307,
1775,
416,
534,
4572,
13,
220,
632,
198,
27,
11576,
29,
10594,
3556,
11576,
29,
766,
7025,
24624,
11,
290,
47368,
459,
24624,
1908,
198,
1462,
257,
47368,
459,
20582,
2209,
262,
7071,
318,
900,
510,
284,
3328,
13,
198,
198,
27,
1671,
29,
198,
198,
1639,
815,
1265,
262,
18371,
286,
534,
3127,
7071,
1771,
340,
6971,
198,
16963,
2304,
5623,
4235,
13,
220,
1002,
340,
857,
11,
345,
815,
1265,
16958,
14275,
262,
198,
26230,
329,
262,
7071,
357,
1169,
18371,
11,
393,
262,
22693,
286,
262,
7294,
345,
821,
198,
20270,
319,
534,
4572,
8,
1771,
340,
6971,
1552,
2304,
5623,
4235,
351,
326,
198,
27349,
7071,
13,
198,
198,
27,
1671,
29,
198,
198,
818,
262,
1339,
286,
11241,
5858,
20314,
11,
262,
6643,
329,
617,
286,
606,
11,
319,
198,
11209,
11,
743,
2421,
345,
284,
7139,
1552,
2304,
5623,
4235,
287,
1502,
284,
8006,
198,
259,
1552,
2304,
5623,
4235,
13,
220,
4091,
1279,
64,
198,
33257,
2625,
5450,
1378,
15466,
13,
86,
2387,
71,
668,
13,
2398,
14,
49630,
40786,
14,
30642,
39687,
5320,
1169,
370,
2387,
71,
668,
198,
32603,
2378,
319,
29130,
12569,
21430,
3556,
64,
29,
329,
3307,
13,
198,
198,
27,
1671,
29,
198,
198,
818,
262,
1339,
286,
12521,
24192,
20314,
11,
340,
3568,
326,
11,
618,
883,
198,
3849,
32186,
389,
1552,
2304,
24987,
26300,
278,
11,
484,
821,
2491,
287,
257,
198,
12683,
42491,
1180,
4235,
422,
262,
4235,
326,
484,
1057,
287,
618,
484,
821,
198,
3137,
7205,
355,
3127,
20314,
357,
1462,
262,
6287,
326,
340,
561,
307,
257,
198,
36591,
3626,
329,
883,
6643,
284,
1104,
329,
1552,
2304,
24987,
198,
16184,
733,
278,
1279,
368,
29,
392,
3556,
368,
29,
7205,
355,
3218,
3127,
20314,
379,
262,
976,
198,
2435,
828,
523,
340,
743,
307,
326,
3964,
6643,
329,
883,
20314,
836,
470,
198,
11284,
1552,
2304,
5623,
4235,
13,
198,
15931,
4943,
198,
198,
25652,
7203,
15931,
2215,
314,
8006,
351,
370,
2387,
71,
668,
11,
1521,
460,
470,
314,
766,
597,
23633,
198,
8002,
1039,
584,
621,
24624,
284,
290,
422,
616,
4572,
11,
772,
996,
1194,
198,
38200,
9107,
319,
262,
3127,
7224,
883,
24624,
1701,
1,
4943,
198,
198,
41484,
7203,
15931,
198,
1639,
821,
2192,
407,
4379,
1279,
368,
29,
1092,
3556,
368,
29,
24624,
584,
621,
28000,
459,
198,
8002,
1039,
284,
393,
422,
534,
4572,
11,
290,
7025,
290,
47368,
459,
24624,
26,
257,
198,
31943,
481,
7685,
3758,
284,
257,
2493,
691,
28000,
459,
4979,
1908,
284,
262,
20582,
198,
21975,
329,
262,
7071,
319,
326,
2493,
11,
290,
7025,
290,
47368,
459,
198,
9535,
2108,
532,
340,
1839,
470,
3758,
284,
326,
2493,
28000,
459,
4979,
1908,
284,
257,
20582,
198,
21975,
329,
617,
584,
7071,
532,
290,
257,
3127,
7071,
407,
287,
198,
16963,
2304,
5623,
4235,
481,
3328,
691,
28000,
459,
4979,
1908,
284,
262,
20582,
198,
21975,
329,
326,
7071,
11,
7025,
4979,
11,
290,
47368,
459,
4979,
198,
34086,
284,
257,
47368,
459,
20582,
2209,
262,
7071,
318,
900,
510,
284,
3328,
13,
198,
198,
27,
1671,
29,
198,
198,
4825,
47,
1595,
470,
779,
7025,
393,
47368,
459,
11,
523,
345,
481,
691,
766,
534,
898,
198,
4825,
47,
4979,
11,
475,
36428,
2594,
743,
779,
7025,
393,
47368,
459,
523,
345,
1183,
198,
3826,
617,
36428,
4979,
532,
2158,
11,
428,
318,
407,
257,
1917,
351,
23633,
4979,
11,
198,
270,
338,
257,
1917,
351,
28000,
459,
4979,
11,
355,
345,
635,
1839,
470,
766,
477,
36428,
198,
9535,
2108,
1022,
584,
8217,
13,
198,
198,
27,
1671,
29,
198,
198,
40,
13,
68,
1539,
428,
318,
2192,
1279,
64,
13291,
25698,
16963,
2304,
16184,
733,
5320,
1169,
976,
1808,
198,
292,
428,
2961,
530,
3556,
64,
29,
26,
766,
262,
2882,
284,
326,
1808,
13,
198,
15931,
4943,
198,
198,
25652,
7203,
15931,
5195,
716,
314,
691,
4379,
5923,
47,
24624,
618,
314,
1949,
284,
8006,
198,
9535,
2108,
1701,
1,
4943,
198,
198,
41484,
7203,
15931,
198,
1639,
821,
2192,
319,
257,
15293,
3127,
11,
290,
2491,
370,
2387,
71,
668,
319,
257,
4572,
198,
5562,
338,
407,
7216,
4979,
284,
262,
5078,
290,
407,
852,
1908,
597,
4979,
198,
6738,
584,
8217,
319,
262,
5078,
13,
220,
5923,
47,
24624,
389,
1690,
7025,
198,
8002,
1039,
11,
543,
389,
1908,
284,
477,
5078,
14090,
13,
198,
198,
27,
1671,
29,
198,
198,
40,
13,
68,
1539,
428,
318,
2192,
1279,
64,
13291,
25698,
16963,
2304,
16184,
733,
5320,
1169,
976,
1808,
198,
292,
428,
2961,
530,
3556,
64,
29,
26,
766,
262,
2882,
284,
326,
1808,
13,
198,
15931,
4943,
198,
198,
25652,
7203,
15931,
198,
5195,
716,
314,
407,
4379,
597,
4979,
618,
314,
1949,
284,
8006,
4979,
1701,
1,
4943,
198,
198,
41484,
7203,
15931,
198,
3792,
262,
4572,
2491,
370,
2387,
71,
668,
7216,
503,
597,
4979,
319,
262,
3127,
198,
39994,
319,
543,
345,
821,
21430,
11,
393,
6464,
597,
4979,
319,
326,
198,
27349,
11,
393,
318,
612,
597,
7025,
4979,
319,
262,
3127,
393,
47368,
459,
198,
9535,
2108,
284,
257,
47368,
459,
1448,
284,
543,
262,
4572,
2491,
370,
2387,
71,
668,
198,
6667,
28079,
30,
198,
198,
27,
1671,
29,
198,
198,
1532,
407,
11,
428,
743,
655,
307,
257,
1917,
351,
1552,
2304,
5623,
26300,
278,
11,
2035,
2233,
198,
1462,
2491,
319,
257,
15293,
3127,
393,
257,
10668,
12,
12287,
12575,
11,
393,
2233,
284,
2761,
198,
4480,
262,
7071,
407,
6493,
1552,
2304,
5623,
4235,
26,
766,
262,
2882,
284,
198,
27,
64,
13291,
25698,
16963,
2304,
16184,
733,
5320,
5661,
2961,
1808,
3556,
64,
28401,
198,
198,
27,
1671,
29,
198,
198,
48059,
11,
319,
3964,
11,
766,
262,
2882,
284,
1279,
64,
13291,
25698,
66,
21064,
65,
5404,
5320,
5661,
198,
25652,
3556,
64,
29,
290,
11,
319,
257,
4725,
10426,
12,
2704,
48275,
7294,
11,
766,
262,
2882,
284,
1279,
64,
198,
33257,
25698,
66,
21064,
65,
403,
844,
5320,
5661,
1808,
3556,
64,
28401,
198,
15931,
4943,
198,
198,
25652,
7203,
15931,
198,
6090,
370,
2387,
71,
668,
8006,
319,
357,
1820,
309,
16,
14,
36,
16,
1627,
11,
6723,
22,
6117,
11,
3503,
2014,
30,
198,
15931,
4943,
198,
198,
41484,
7203,
15931,
198,
54,
2387,
71,
668,
460,
691,
8006,
319,
4410,
4855,
416,
9195,
79,
11128,
14,
45,
79,
11128,
13,
220,
1550,
198,
1712,
7294,
274,
11,
691,
4410,
326,
460,
719,
355,
3127,
20314,
286,
262,
2099,
198,
5562,
1104,
6101,
389,
4855,
355,
8006,
4410,
329,
9195,
79,
11128,
14,
45,
79,
11128,
11,
198,
16670,
262,
3335,
1595,
470,
6646,
423,
284,
307,
2491,
355,
281,
6101,
198,
39994,
287,
1502,
284,
1104,
4979,
8006,
13,
198,
198,
27,
1671,
29,
198,
198,
2202,
7020,
290,
35841,
11,
9195,
79,
11128,
657,
13,
23,
290,
1568,
1104,
262,
7824,
329,
1279,
64,
198,
33257,
2625,
4023,
1378,
2503,
13,
437,
558,
13,
785,
14,
29498,
13,
19211,
5320,
12915,
558,
24291,
434,
11998,
6,
198,
35,
4760,
4116,
3556,
64,
22330,
523,
326,
257,
1080,
351,
530,
286,
883,
4116,
11,
290,
663,
4639,
198,
392,
12782,
11,
6589,
460,
8006,
4979,
351,
883,
4116,
351,
198,
8019,
79,
11128,
12,
3106,
5479,
13,
220,
921,
561,
2035,
423,
284,
423,
257,
2196,
286,
198,
54,
2387,
71,
668,
3170,
351,
326,
2196,
286,
9195,
79,
11128,
11,
393,
257,
32366,
12,
25614,
198,
9641,
286,
370,
2387,
71,
668,
290,
257,
4888,
9195,
79,
11128,
5888,
351,
360,
4760,
1104,
11,
287,
198,
2875,
284,
466,
523,
351,
370,
2387,
71,
668,
13,
220,
921,
815,
1265,
5268,
558,
1771,
326,
714,
198,
1350,
973,
284,
8006,
4979,
319,
11,
329,
1672,
11,
534,
309,
16,
14,
36,
16,
2792,
13,
198,
198,
27,
1671,
29,
198,
198,
6214,
1279,
64,
13291,
2625,
5450,
1378,
15466,
13,
86,
2387,
71,
668,
13,
2398,
14,
49630,
40786,
14,
5432,
22,
5320,
1169,
6723,
22,
8006,
198,
40406,
2443,
3556,
64,
29,
319,
1279,
64,
13291,
2625,
5450,
1378,
15466,
13,
86,
2387,
71,
668,
13,
2398,
14,
5320,
1169,
370,
2387,
71,
668,
198,
32603,
3556,
64,
29,
329,
1459,
1321,
319,
21430,
6723,
22,
4979,
319,
13320,
44,
198,
28751,
13,
198,
15931,
4943,
198,
198,
25652,
7203,
15931,
2437,
466,
314,
1234,
281,
7071,
656,
1552,
2304,
5623,
4235,
1701,
1,
4943,
198,
198,
41484,
7203,
15931,
198,
3886,
407,
34909,
1552,
2304,
5623,
4235,
618,
2491,
370,
2387,
71,
668,
393,
309,
2484,
668,
13,
198,
198,
27,
1671,
29,
198,
198,
6425,
11,
2158,
11,
326,
25,
198,
3556,
79,
29,
198,
27,
377,
29,
198,
27,
4528,
29,
1169,
1296,
286,
1552,
2304,
5623,
4235,
326,
9195,
79,
11128,
357,
1169,
5888,
326,
198,
23065,
82,
884,
355,
48265,
39455,
11,
370,
2387,
71,
668,
11,
3503,
13,
220,
779,
284,
466,
19638,
8006,
8,
198,
15344,
82,
319,
481,
1279,
11576,
29,
1662,
3556,
11576,
29,
6646,
307,
3402,
611,
345,
1057,
198,
27,
8189,
29,
361,
11250,
3556,
8189,
29,
319,
262,
7071,
319,
257,
4725,
10426,
1080,
26,
198,
27,
4528,
29,
11246,
3127,
20314,
1244,
407,
1104,
1552,
2304,
5623,
4235,
11,
290,
617,
198,
36702,
1244,
407,
1249,
1552,
2304,
5623,
4235,
284,
307,
2900,
319,
532,
766,
1279,
64,
198,
33257,
25698,
16963,
2304,
16184,
733,
5320,
5661,
2961,
1808,
3556,
64,
29,
329,
517,
1321,
319,
198,
5562,
26,
198,
27,
4528,
29,
1169,
1109,
326,
345,
821,
407,
4379,
597,
4979,
11,
393,
389,
691,
4379,
198,
36654,
2701,
4979,
11,
393,
3588,
470,
4379,
597,
1729,
12,
36654,
2701,
4979,
584,
621,
198,
9535,
2108,
284,
393,
422,
262,
4572,
2491,
370,
2387,
71,
668,
11,
857,
407,
1612,
326,
198,
16963,
2304,
5623,
4235,
2125,
470,
319,
532,
766,
1279,
64,
13291,
25698,
16963,
2304,
16184,
733,
5320,
5661,
2961,
198,
25652,
3556,
64,
29,
329,
517,
1321,
319,
326,
13,
198,
3556,
377,
29,
198,
198,
27,
79,
29,
198,
40,
13,
68,
1539,
428,
318,
2192,
1279,
64,
13291,
25698,
16963,
2304,
16184,
733,
5320,
1169,
976,
1808,
198,
292,
428,
2961,
530,
3556,
64,
29,
26,
766,
262,
2882,
284,
326,
1808,
13,
198,
15931,
4943,
198,
198,
25652,
7203,
15931,
198,
40,
460,
900,
257,
3359,
8106,
655,
3734,
26,
1521,
836,
470,
8006,
16628,
670,
30,
198,
15931,
4943,
198,
198,
41484,
7203,
15931,
198,
49630,
16628,
3058,
779,
257,
1180,
15582,
621,
3359,
16628,
13,
220,
3423,
338,
198,
1169,
11188,
2665,
422,
262,
198,
27,
64,
198,
33257,
2625,
5450,
1378,
2503,
13,
86,
2387,
71,
668,
13,
2398,
14,
31628,
14,
805,
12,
31126,
14,
86,
2387,
71,
668,
13,
6494,
5320,
86,
2387,
71,
668,
7,
16,
36475,
64,
29,
198,
805,
2443,
25,
198,
198,
27,
1671,
29,
198,
198,
1,
23114,
16628,
287,
370,
2387,
71,
668,
389,
845,
3665,
26,
517,
7032,
389,
8106,
540,
198,
259,
370,
2387,
71,
668,
621,
287,
584,
8435,
4284,
47031,
11,
290,
262,
15582,
345,
460,
198,
1904,
284,
2251,
534,
16628,
318,
26192,
13,
1081,
370,
2387,
71,
668,
33226,
11,
1607,
198,
3549,
290,
517,
8435,
7032,
284,
307,
3142,
287,
3359,
16628,
13,
198,
198,
27,
1671,
29,
198,
198,
47,
8317,
21430,
318,
6157,
351,
262,
279,
11128,
5888,
13,
383,
8006,
8106,
198,
1837,
41641,
5679,
262,
3173,
286,
262,
279,
11128,
5888,
13,
770,
15582,
318,
1180,
198,
6738,
262,
3359,
8106,
15582,
526,
198,
198,
27,
1671,
29,
198,
198,
464,
8006,
8106,
15582,
973,
416,
9195,
79,
11128,
460,
307,
1043,
287,
262,
198,
27,
64,
13291,
2625,
4023,
1378,
2503,
13,
83,
13155,
39455,
13,
2398,
14,
83,
13155,
39455,
62,
805,
13,
6494,
5320,
83,
13155,
39455,
7,
23,
36475,
64,
29,
198,
805,
2443,
13,
198,
15931,
4943,
198,
198,
25652,
7203,
15931,
198,
2437,
460,
314,
8006,
24624,
351,
45623,
8563,
30,
198,
15931,
4943,
198,
198,
41484,
7203,
15931,
198,
54,
2387,
71,
668,
460,
8006,
691,
262,
24624,
326,
262,
19638,
8006,
5888,
532,
198,
8019,
79,
11128,
319,
4725,
10426,
12,
2704,
48275,
7294,
274,
11,
290,
262,
399,
79,
11128,
2493,
284,
3964,
286,
9195,
79,
11128,
198,
261,
3964,
532,
460,
8006,
11,
290,
9195,
79,
11128,
14,
45,
79,
11128,
460,
8006,
691,
262,
198,
8002,
1039,
326,
262,
7294,
338,
8246,
19638,
8006,
9030,
357,
273,
262,
399,
79,
11128,
198,
26230,
11,
290,
262,
10238,
7294,
19140,
2438,
290,
3127,
7071,
198,
36702,
11,
319,
3964,
8,
481,
1249,
340,
284,
8006,
13,
198,
198,
27,
1671,
29,
198,
198,
28042,
262,
7294,
1464,
9416,
24624,
351,
8563,
884,
355,
12515,
45623,
82,
198,
1462,
262,
8246,
19638,
8006,
9030,
11,
393,
460,
307,
17839,
284,
466,
523,
11,
198,
259,
12102,
45623,
82,
284,
262,
8246,
19638,
8006,
9030,
11,
370,
2387,
71,
668,
532,
290,
584,
198,
23065,
82,
326,
8006,
8246,
24624,
11,
884,
355,
48265,
39455,
532,
2314,
8006,
198,
25591,
24624,
13,
220,
921,
481,
423,
284,
5004,
1771,
534,
7294,
2476,
284,
307,
198,
568,
17839,
290,
11,
611,
523,
11,
460,
307,
523,
17839,
11,
17425,
340,
611,
198,
49986,
290,
1744,
11,
290,
787,
4232,
2458,
284,
9195,
79,
11128,
290,
262,
198,
8002,
316,
8006,
1430,
345,
821,
1262,
389,
3306,
11,
611,
597,
11,
284,
1104,
198,
27144,
870,
883,
24624,
13,
198,
198,
27,
1671,
29,
198,
198,
6943,
7294,
274,
2192,
466,
1279,
11576,
29,
1662,
3556,
11576,
29,
1104,
21430,
24624,
198,
4480,
12515,
45623,
82,
319,
31903,
11,
290,
2192,
466,
407,
1104,
340,
319,
749,
198,
847,
2792,
12,
29289,
3858,
13,
220,
2773,
6643,
319,
617,
7294,
274,
466,
1104,
340,
11,
884,
198,
292,
617,
31903,
6643,
319,
35841,
26,
287,
883,
7294,
274,
11,
345,
1244,
1464,
651,
198,
25591,
24624,
11,
393,
345,
1244,
691,
651,
606,
611,
345,
8006,
287,
1552,
2304,
5623,
198,
14171,
357,
5832,
1549,
423,
284,
5004,
543,
318,
262,
1339,
737,
198,
198,
27,
1671,
29,
198,
198,
6425,
326,
9195,
79,
11128,
857,
407,
3058,
5127,
284,
4056,
326,
779,
340,
281,
198,
521,
3299,
286,
1771,
262,
19638,
338,
45623,
373,
12515,
357,
13893,
262,
6643,
198,
18855,
2020,
466,
407,
5127,
326,
1321,
284,
262,
8246,
19638,
8006,
198,
1326,
3147,
1042,
1776,
4361,
11,
370,
2387,
71,
668,
481,
407,
7603,
543,
24624,
550,
45623,
198,
48277,
4556,
262,
376,
7902,
373,
7907,
357,
3826,
262,
1306,
1808,
8,
290,
345,
821,
198,
3500,
370,
2387,
71,
668,
657,
13,
24,
13,
1314,
290,
1568,
11,
287,
543,
1339,
370,
2387,
71,
668,
481,
2198,
262,
198,
34,
7397,
290,
7603,
1771,
340,
338,
3376,
393,
407,
13,
198,
15931,
4943,
198,
198,
25652,
7203,
15931,
198,
2437,
460,
314,
8006,
2104,
13431,
11,
1390,
262,
376,
7902,
30,
198,
15931,
4943,
198,
198,
41484,
7203,
15931,
198,
54,
2387,
71,
668,
460,
691,
8006,
1366,
326,
262,
19638,
8006,
5888,
532,
198,
8019,
79,
11128,
319,
4725,
10426,
12,
2704,
48275,
7294,
274,
11,
290,
262,
399,
79,
11128,
2493,
284,
3964,
286,
198,
8019,
79,
11128,
319,
3964,
532,
460,
8006,
11,
290,
9195,
79,
11128,
14,
45,
79,
11128,
460,
8006,
691,
198,
1169,
1366,
326,
262,
7294,
338,
8246,
19638,
8006,
9030,
357,
273,
262,
399,
79,
11128,
198,
26230,
11,
290,
262,
10238,
7294,
19140,
2438,
290,
3127,
7071,
198,
36702,
11,
319,
3964,
8,
481,
1249,
340,
284,
8006,
13,
198,
198,
27,
1671,
29,
198,
198,
1890,
597,
1948,
2792,
12,
29289,
3127,
2099,
11,
4556,
262,
7294,
9416,
262,
198,
4851,
50,
286,
257,
5739,
355,
636,
286,
262,
5739,
11,
393,
460,
307,
17839,
284,
466,
523,
11,
198,
54,
2387,
71,
668,
532,
290,
584,
4056,
326,
8006,
8246,
24624,
11,
884,
355,
48265,
39455,
198,
12,
2314,
8006,
262,
376,
7902,
286,
257,
5739,
13,
220,
921,
481,
423,
284,
5004,
1771,
198,
14108,
7294,
2476,
284,
307,
523,
17839,
290,
11,
611,
523,
11,
460,
307,
523,
17839,
11,
198,
11250,
495,
340,
611,
3306,
290,
1744,
11,
290,
787,
4232,
2458,
284,
198,
8019,
79,
11128,
290,
262,
19638,
8006,
1430,
345,
821,
1262,
389,
3306,
11,
611,
198,
1092,
11,
284,
1104,
21430,
262,
376,
7902,
286,
257,
5739,
13,
198,
198,
27,
1671,
29,
198,
198,
6943,
7294,
274,
466,
1279,
11576,
29,
1662,
3556,
11576,
29,
1104,
21430,
262,
376,
7902,
286,
257,
5739,
198,
261,
31903,
11,
290,
2192,
466,
407,
1104,
340,
319,
749,
584,
2792,
12,
29289,
198,
19199,
13,
220,
2773,
1454,
85,
411,
319,
617,
7294,
274,
466,
1104,
340,
11,
884,
355,
617,
357,
439,
10091,
198,
36,
490,
3262,
6643,
319,
3433,
21800,
290,
5457,
262,
4639,
329,
4196,
338,
12526,
29968,
198,
36,
490,
3262,
7071,
287,
40017,
26,
287,
883,
7294,
274,
11,
345,
1244,
1464,
651,
262,
198,
4851,
50,
11,
393,
345,
1244,
691,
651,
262,
376,
7902,
611,
345,
8006,
287,
1552,
2304,
5623,
4235,
198,
7,
5832,
1549,
423,
284,
5004,
543,
318,
262,
1339,
737,
198,
198,
27,
1671,
29,
198,
198,
45150,
286,
370,
2387,
71,
668,
3161,
284,
657,
13,
24,
13,
1314,
481,
407,
2190,
281,
31903,
376,
7902,
287,
257,
198,
27144,
1522,
19638,
355,
281,
376,
7902,
13,
220,
657,
13,
24,
13,
1314,
290,
1568,
481,
2230,
284,
5004,
198,
25356,
612,
338,
281,
376,
7902,
379,
262,
886,
286,
262,
5739,
290,
11,
611,
340,
6834,
612,
198,
271,
11,
481,
3359,
340,
355,
884,
11,
290,
481,
2198,
1771,
340,
338,
262,
3376,
198,
34,
7397,
12,
2624,
1988,
393,
407,
13,
198,
15931,
4943,
198,
198,
25652,
7203,
15931,
198,
40,
1101,
21430,
24624,
319,
257,
4572,
319,
257,
569,
25697,
26,
1521,
836,
470,
262,
24624,
314,
1101,
198,
27144,
870,
423,
569,
25697,
15940,
30,
198,
15931,
4943,
198,
198,
41484,
7203,
15931,
198,
1639,
1244,
307,
21430,
319,
644,
1244,
307,
1444,
257,
366,
53,
25697,
7071,
1,
532,
262,
198,
1014,
257,
1948,
7294,
1838,
569,
25697,
82,
6107,
656,
262,
19140,
8931,
1244,
11,
198,
1640,
1672,
11,
307,
284,
423,
257,
3127,
3335,
2134,
329,
262,
3518,
198,
39994,
11,
543,
2753,
569,
25697,
24624,
11,
22670,
572,
262,
569,
25697,
13639,
290,
198,
41571,
82,
281,
31903,
13639,
11,
290,
8318,
326,
19638,
284,
281,
5387,
198,
27349,
3335,
2134,
329,
262,
569,
25697,
11,
543,
788,
8318,
262,
24624,
4291,
198,
7785,
699,
2440,
12,
5715,
8435,
25504,
13,
198,
198,
27,
1671,
29,
198,
198,
818,
1502,
284,
766,
262,
8246,
31903,
24624,
11,
2138,
621,
366,
2934,
12,
53,
25697,
1143,
1,
198,
8002,
1039,
11,
345,
561,
423,
284,
8006,
407,
319,
262,
7166,
7071,
329,
262,
198,
53,
25697,
11,
475,
319,
262,
7071,
11188,
284,
262,
3518,
3127,
3335,
11,
198,
361,
1744,
13,
220,
4091,
1279,
64,
198,
33257,
2625,
5450,
1378,
15466,
13,
86,
2387,
71,
668,
13,
2398,
14,
49630,
40786,
14,
53,
25697,
5320,
1169,
370,
2387,
71,
668,
13078,
198,
9186,
319,
569,
25697,
21430,
3556,
64,
29,
329,
3307,
13,
198,
15931,
4943,
198,
198,
25652,
7203,
15931,
198,
5195,
857,
370,
2387,
71,
668,
8181,
706,
314,
2245,
257,
8006,
30,
198,
15931,
4943,
198,
198,
41484,
7203,
15931,
198,
464,
749,
1884,
1738,
329,
428,
318,
326,
370,
2387,
71,
668,
318,
2111,
284,
804,
510,
281,
198,
4061,
2209,
287,
262,
8006,
284,
10385,
340,
284,
257,
1438,
357,
568,
326,
11,
329,
1672,
11,
198,
270,
460,
3359,
262,
1438,
287,
262,
2723,
2209,
393,
10965,
2209,
198,
28665,
82,
828,
290,
326,
35847,
1429,
318,
2263,
257,
845,
890,
640,
13,
198,
198,
27,
1671,
29,
198,
198,
54,
2387,
71,
668,
3848,
257,
8027,
287,
262,
7294,
286,
262,
4572,
319,
543,
340,
338,
2491,
198,
1462,
10385,
286,
6101,
9405,
284,
262,
11188,
3891,
13,
220,
1320,
8027,
198,
26949,
857,
530,
393,
517,
286,
25,
198,
3556,
79,
29,
198,
27,
377,
6927,
4528,
29,
64,
2989,
286,
257,
1080,
2393,
13487,
6101,
9405,
290,
3891,
26,
198,
27,
4528,
29,
64,
35847,
1262,
18538,
26,
198,
27,
4528,
29,
261,
4725,
10426,
3341,
11,
257,
35847,
1262,
399,
1797,
26,
198,
27,
4528,
29,
261,
3964,
3341,
11,
257,
3433,
3483,
2640,
12,
2502,
12,
4825,
47,
12405,
13,
198,
3556,
377,
29,
198,
198,
27,
79,
29,
198,
1532,
257,
18538,
4382,
326,
338,
973,
287,
281,
2209,
35847,
318,
407,
14409,
11,
262,
198,
5460,
929,
481,
2038,
11,
475,
481,
691,
2038,
706,
257,
26827,
981,
262,
1080,
198,
81,
28399,
28364,
329,
257,
10971,
13,
198,
198,
27,
1671,
29,
198,
198,
818,
3090,
11,
319,
3964,
3341,
11,
611,
262,
18538,
35847,
286,
262,
2209,
10143,
11,
198,
31336,
780,
262,
4382,
2125,
470,
14409,
393,
780,
612,
389,
645,
198,
8344,
3669,
287,
262,
18538,
326,
714,
307,
973,
284,
3975,
262,
2209,
284,
257,
1438,
11,
257,
198,
7934,
3483,
2640,
12,
2502,
12,
4825,
47,
12405,
481,
307,
925,
13,
220,
1320,
12405,
9018,
7216,
257,
198,
20500,
284,
262,
3433,
3483,
2640,
12,
2502,
12,
4825,
47,
1438,
2139,
319,
326,
4572,
11,
4737,
329,
198,
1169,
1438,
290,
584,
1321,
546,
262,
4572,
13,
220,
1002,
262,
4572,
2125,
470,
198,
20270,
3788,
326,
20067,
284,
883,
20743,
532,
329,
1672,
11,
867,
198,
13159,
12,
11209,
8217,
3636,
470,
307,
2491,
326,
3788,
532,
262,
35847,
481,
198,
8807,
2038,
706,
257,
26827,
13,
220,
5845,
640,
5269,
460,
2728,
262,
35847,
284,
1011,
198,
64,
890,
640,
13,
198,
198,
27,
1671,
29,
198,
198,
1532,
345,
15560,
3127,
2209,
12,
1462,
12,
3672,
11059,
532,
329,
1672,
11,
416,
198,
15344,
278,
572,
262,
366,
36695,
3127,
1438,
6323,
1,
3038,
287,
262,
366,
49630,
198,
29046,
1,
17310,
3091,
329,
3599,
257,
3127,
8006,
532,
262,
804,
4739,
286,
262,
198,
21975,
1839,
470,
307,
1760,
11,
543,
743,
2866,
510,
262,
1429,
286,
3555,
262,
198,
27144,
495,
2393,
706,
262,
8006,
318,
5025,
13,
220,
921,
460,
787,
326,
4634,
198,
1169,
4277,
416,
17246,
366,
36698,
4972,
1,
422,
262,
366,
18378,
1,
6859,
11,
6225,
572,
198,
1169,
366,
36695,
3127,
1438,
6323,
1,
3038,
287,
262,
366,
5376,
6323,
1,
198,
25811,
287,
262,
15387,
595,
11794,
3091,
11,
290,
1262,
262,
366,
16928,
1,
4936,
287,
198,
5562,
17310,
3091,
26,
3465,
326,
428,
481,
3613,
1279,
368,
29,
439,
3556,
368,
29,
534,
1459,
198,
3866,
4288,
6460,
13,
198,
198,
27,
1671,
29,
198,
198,
1532,
370,
2387,
71,
668,
28087,
618,
3555,
257,
8006,
772,
351,
3127,
1438,
198,
29268,
2900,
572,
11,
612,
1244,
11,
329,
1672,
11,
307,
257,
5434,
287,
530,
286,
198,
54,
2387,
71,
668,
338,
22806,
5217,
329,
257,
8435,
6666,
340,
284,
9052,
32264,
13,
220,
1002,
198,
5832,
821,
407,
2491,
262,
749,
2274,
2650,
286,
370,
2387,
71,
668,
11,
345,
815,
717,
198,
929,
9526,
284,
326,
2650,
11,
355,
11,
611,
612,
338,
257,
5434,
286,
326,
3297,
11,
340,
1244,
1053,
198,
47436,
5969,
287,
257,
2650,
706,
262,
530,
345,
821,
2491,
13,
220,
1002,
262,
8181,
198,
13966,
1834,
287,
262,
749,
2274,
2650,
286,
370,
2387,
71,
668,
11,
262,
5434,
815,
307,
198,
26263,
284,
1279,
64,
13291,
2625,
4529,
1462,
25,
86,
2387,
71,
668,
12,
7959,
31,
86,
2387,
71,
668,
13,
2398,
5320,
1169,
370,
2387,
71,
668,
198,
16244,
364,
6,
21898,
1351,
3556,
64,
29,
379,
1279,
8189,
29,
86,
2387,
71,
668,
12,
7959,
31,
86,
2387,
71,
668,
13,
2398,
3556,
8189,
28401,
198,
198,
27,
1671,
29,
198,
198,
2202,
4725,
10426,
12,
2704,
48275,
7294,
274,
11,
3387,
1949,
284,
2700,
370,
2387,
71,
668,
284,
10285,
4755,
11,
416,
198,
82,
1571,
340,
257,
1279,
8189,
29,
50,
3528,
6242,
14181,
3556,
8189,
29,
6737,
357,
23073,
6737,
718,
8,
351,
262,
198,
27,
8189,
29,
12728,
3556,
8189,
29,
3141,
11,
290,
788,
651,
257,
8931,
12854,
611,
345,
423,
257,
49518,
198,
37050,
13,
220,
317,
8931,
12854,
460,
307,
6492,
416,
1262,
534,
49518,
198,
7,
27,
8189,
29,
70,
9945,
3556,
8189,
29,
287,
428,
1672,
828,
262,
370,
2387,
71,
668,
13934,
11,
290,
262,
7186,
198,
7295,
2393,
13,
220,
3423,
338,
281,
1672,
286,
703,
284,
779,
262,
308,
9945,
3141,
198,
27,
8189,
29,
1891,
40546,
3556,
8189,
29,
284,
466,
523,
13,
198,
3556,
79,
29,
198,
198,
27,
3866,
29,
198,
220,
220,
220,
220,
220,
220,
220,
720,
308,
9945,
19474,
71,
668,
4755,
198,
220,
220,
220,
220,
220,
220,
220,
357,
70,
9945,
8,
736,
40546,
198,
220,
220,
220,
220,
220,
220,
220,
11485,
986,
20842,
262,
8931,
12854,
198,
220,
220,
220,
220,
220,
220,
220,
357,
70,
9945,
8,
11238,
198,
220,
220,
220,
220,
220,
220,
220,
720,
198,
3556,
3866,
29,
198,
198,
27,
79,
29,
198,
464,
4755,
10285,
2393,
743,
307,
3706,
366,
86,
2387,
71,
668,
13,
7295,
1,
2138,
621,
366,
7295,
1,
319,
198,
11246,
9554,
357,
68,
13,
70,
1539,
347,
10305,
3341,
737,
198,
198,
27,
1671,
29,
198,
198,
7583,
11,
611,
379,
477,
1744,
11,
3387,
3758,
257,
4866,
286,
262,
8006,
2393,
326,
4073,
198,
1169,
1917,
13,
220,
1649,
21430,
24624,
11,
370,
2387,
71,
668,
7685,
6797,
7907,
198,
8002,
1039,
284,
257,
8584,
2393,
11,
543,
481,
2192,
307,
287,
1279,
8189,
29,
14,
22065,
3556,
8189,
29,
393,
198,
27,
8189,
29,
14,
7785,
14,
22065,
3556,
8189,
29,
319,
4725,
10426,
12,
2704,
48275,
7294,
274,
11,
1279,
8189,
29,
6852,
51,
39494,
3556,
8189,
29,
319,
262,
1388,
1080,
11898,
198,
7,
27237,
453,
1279,
8189,
29,
6852,
38354,
290,
16163,
6852,
3556,
8189,
6927,
7785,
29,
14108,
17594,
1438,
3556,
7785,
29,
198,
27,
8189,
29,
6852,
14565,
16163,
6852,
30782,
3556,
8189,
29,
319,
262,
1388,
1080,
11898,
319,
3964,
198,
11209,
11961,
290,
9652,
5816,
11,
290,
198,
27,
8189,
29,
6852,
14490,
6852,
27,
7785,
29,
14108,
17594,
1438,
3556,
7785,
29,
6852,
22322,
6852,
14565,
6852,
30782,
3556,
8189,
29,
319,
262,
1388,
198,
10057,
11898,
319,
3964,
25160,
290,
1568,
11,
523,
262,
8006,
2393,
481,
2192,
307,
612,
13,
220,
1002,
345,
198,
533,
21430,
319,
257,
2060,
7071,
11,
340,
481,
423,
257,
1438,
286,
262,
1296,
11,
198,
27,
8189,
29,
86,
2387,
71,
668,
62,
5,
2528,
26,
361,
558,
5,
13655,
26,
62,
26314,
26314,
3020,
1860,
16768,
12038,
5432,
62,
24376,
8051,
13,
5,
2528,
26,
69,
16762,
5,
13655,
26,
3556,
8189,
22330,
810,
198,
5,
2528,
26,
69,
16762,
5,
13655,
26,
318,
262,
8006,
2393,
5794,
357,
79,
11128,
393,
279,
11128,
782,
828,
290,
1222,
2528,
26,
361,
558,
5,
13655,
26,
318,
198,
1169,
4036,
1438,
286,
262,
7071,
345,
389,
21430,
319,
26,
4306,
11,
611,
345,
389,
198,
27144,
870,
319,
3294,
20314,
11,
340,
481,
423,
257,
1438,
286,
262,
1296,
11,
198,
27,
8189,
29,
86,
2387,
71,
668,
62,
5,
2528,
26,
45,
5,
13655,
26,
62,
3849,
32186,
62,
26314,
26314,
3020,
1860,
16768,
12038,
5432,
62,
24376,
8051,
13,
5,
2528,
26,
69,
16762,
5,
13655,
26,
3556,
8189,
22330,
810,
1222,
2528,
26,
45,
5,
13655,
26,
198,
271,
262,
1271,
286,
29526,
20314,
345,
389,
21430,
319,
13,
220,
4222,
836,
470,
198,
21280,
257,
12854,
2393,
3744,
621,
352,
10771,
618,
25388,
26,
2427,
11,
787,
340,
1695,
198,
8869,
45854,
393,
14626,
11,
393,
910,
340,
338,
1695,
475,
2666,
340,
510,
284,
257,
8517,
284,
1265,
198,
1640,
340,
13,
220,
1002,
262,
12854,
2393,
4909,
8564,
1321,
357,
68,
13,
70,
1539,
21442,
828,
198,
8524,
3387,
466,
407,
3758,
340,
13,
198,
15931,
4943,
628,
198,
29113,
29113,
2,
198,
5458,
7203,
19209,
870,
24624,
319,
3964,
4943,
198,
29113,
29113,
2,
198,
198,
25652,
7203,
15931,
198,
40,
1101,
2491,
370,
2387,
71,
668,
319,
3964,
26,
1521,
857,
617,
3127,
7071,
319,
616,
198,
30243,
407,
905,
510,
287,
262,
1351,
286,
20314,
287,
262,
366,
39317,
11097,
2214,
198,
259,
262,
17310,
3091,
22928,
510,
416,
366,
49630,
3784,
10434,
1600,
290,
14,
273,
1521,
857,
198,
54,
2387,
71,
668,
1577,
502,
281,
4049,
611,
314,
1949,
284,
8006,
319,
326,
7071,
30,
198,
15931,
1600,
366,
66,
21064,
65,
5404,
4943,
198,
198,
41484,
7203,
15931,
198,
198,
54,
2387,
71,
668,
16507,
319,
262,
399,
79,
11128,
5888,
11,
319,
262,
399,
79,
11128,
3335,
4639,
11,
290,
198,
392,
319,
262,
7291,
326,
1282,
351,
262,
7294,
319,
543,
340,
338,
2491,
287,
198,
2875,
284,
466,
23007,
13,
198,
198,
27,
1671,
29,
198,
198,
26583,
11,
611,
262,
7294,
11,
262,
399,
79,
11128,
5888,
11,
393,
262,
399,
79,
11128,
4639,
836,
470,
198,
11284,
21430,
319,
257,
1948,
3127,
7071,
3335,
11,
370,
2387,
71,
668,
198,
26502,
470,
307,
1498,
284,
8006,
319,
326,
3335,
13,
198,
198,
27,
1671,
29,
198,
198,
1532,
281,
7071,
1595,
470,
905,
510,
287,
262,
1351,
286,
20314,
287,
262,
198,
1,
39317,
11097,
2214,
11,
290,
345,
760,
262,
1438,
286,
262,
7071,
11,
1949,
8218,
198,
5562,
1438,
287,
262,
366,
39317,
11097,
2214,
290,
21430,
319,
326,
3335,
13,
198,
198,
27,
1671,
29,
198,
198,
1532,
262,
2230,
284,
8006,
319,
340,
31137,
11,
262,
7071,
318,
7599,
407,
198,
11873,
2098,
416,
262,
9030,
370,
2387,
71,
668,
3544,
284,
651,
257,
1351,
286,
198,
3849,
32186,
13,
220,
9993,
13487,
262,
20314,
351,
7178,
35,
931,
26,
766,
1279,
64,
198,
33257,
2625,
5450,
1378,
2503,
13,
7972,
931,
13,
2398,
14,
5320,
1169,
7178,
35,
931,
5313,
2524,
3556,
64,
29,
198,
1640,
1321,
319,
1262,
7178,
35,
931,
13,
198,
198,
27,
1671,
29,
198,
198,
1639,
561,
1057,
7178,
35,
931,
351,
262,
1279,
8189,
29,
12,
35,
3556,
8189,
29,
6056,
26,
611,
340,
8341,
262,
198,
39994,
11,
3387,
989,
428,
284,
1279,
64,
198,
33257,
2625,
4529,
1462,
25,
86,
2387,
71,
668,
12,
7959,
31,
86,
2387,
71,
668,
13,
2398,
5320,
86,
2387,
71,
668,
12,
7959,
31,
86,
2387,
71,
668,
13,
2398,
3556,
64,
29,
198,
13992,
1336,
3307,
286,
262,
1917,
11,
1390,
198,
3556,
79,
29,
198,
198,
27,
377,
29,
198,
27,
4528,
29,
1169,
5361,
1080,
345,
821,
1262,
11,
290,
262,
2196,
286,
326,
5361,
198,
10057,
26,
198,
27,
4528,
29,
1169,
2099,
286,
3127,
3335,
345,
821,
1262,
26,
198,
27,
4528,
29,
1169,
5072,
286,
7178,
35,
931,
13,
198,
3556,
377,
29,
198,
198,
27,
79,
29,
198,
1532,
7178,
35,
931,
857,
1279,
368,
29,
1662,
3556,
368,
29,
1351,
262,
7071,
11,
198,
5661,
318,
2048,
3729,
257,
1917,
351,
530,
393,
517,
286,
25,
198,
3556,
79,
29,
198,
198,
27,
377,
29,
198,
27,
4528,
29,
1169,
5361,
1080,
345,
821,
1262,
26,
198,
27,
4528,
29,
1169,
3335,
4639,
329,
262,
7071,
345,
821,
1262,
26,
198,
27,
4528,
29,
1169,
7178,
47,
11128,
5888,
290,
14,
273,
262,
7178,
47,
11128,
3335,
4639,
26,
198,
3556,
377,
29,
198,
198,
27,
79,
29,
198,
568,
717,
2198,
1279,
64,
13291,
2625,
5450,
1378,
77,
8899,
13,
2398,
14,
37659,
11128,
14,
41311,
14,
5320,
1169,
198,
45,
79,
11128,
11787,
338,
10005,
3556,
64,
29,
284,
766,
611,
534,
1917,
318,
4750,
612,
13,
1002,
407,
11,
788,
766,
1279,
64,
198,
33257,
2625,
5450,
1378,
77,
8899,
13,
2398,
14,
37659,
11128,
14,
5320,
1169,
1388,
399,
79,
11128,
2443,
3556,
64,
29,
198,
12,
2198,
262,
366,
12130,
2052,
11,
15217,
17905,
11,
20396,
11,
35042,
507,
11,
3503,
1,
2665,
13,
198,
198,
27,
1671,
29,
198,
198,
1532,
345,
389,
1719,
5876,
21430,
319,
257,
1948,
3127,
7071,
11,
198,
11085,
1949,
21430,
319,
326,
3335,
351,
7178,
35,
931,
26,
766,
1279,
64,
198,
33257,
2625,
5450,
1378,
2503,
13,
7972,
931,
13,
2398,
14,
5320,
1169,
7178,
35,
931,
5313,
2524,
3556,
64,
29,
198,
1640,
1321,
319,
1262,
7178,
35,
931,
13,
198,
198,
27,
1671,
29,
198,
198,
1532,
345,
460,
8006,
319,
262,
7071,
351,
7178,
35,
931,
11,
3758,
6920,
284,
1279,
64,
198,
33257,
2625,
4529,
1462,
25,
86,
2387,
71,
668,
12,
18417,
31,
86,
2387,
71,
668,
13,
2398,
5320,
86,
2387,
71,
668,
12,
18417,
31,
86,
2387,
71,
668,
13,
2398,
3556,
64,
29,
198,
13992,
1336,
3307,
286,
262,
1917,
11,
1390,
198,
3556,
79,
29,
198,
198,
27,
377,
29,
198,
27,
4528,
29,
1169,
5361,
1080,
345,
821,
1262,
11,
290,
262,
2196,
286,
326,
5361,
198,
10057,
26,
198,
27,
4528,
29,
1169,
2099,
286,
3127,
3335,
345,
821,
1262,
26,
198,
27,
4528,
29,
1169,
4049,
3275,
345,
651,
422,
370,
2387,
71,
668,
13,
198,
3556,
377,
29,
198,
198,
27,
79,
29,
198,
1532,
345,
1279,
368,
29,
66,
34574,
3556,
368,
29,
8006,
319,
262,
7071,
351,
7178,
35,
931,
11,
198,
5661,
318,
2048,
3729,
257,
1917,
351,
530,
393,
517,
286,
25,
198,
3556,
79,
29,
198,
198,
27,
377,
29,
198,
27,
4528,
29,
1169,
5361,
1080,
345,
821,
1262,
26,
198,
27,
4528,
29,
1169,
3335,
4639,
329,
262,
7071,
345,
821,
1262,
26,
198,
27,
4528,
29,
1169,
399,
79,
11128,
5888,
290,
14,
273,
262,
399,
79,
11128,
3335,
4639,
26,
198,
3556,
377,
29,
198,
198,
27,
79,
29,
198,
568,
717,
2198,
1279,
64,
13291,
2625,
5450,
1378,
77,
8899,
13,
2398,
14,
37659,
11128,
14,
41311,
14,
5320,
1169,
198,
45,
79,
11128,
11787,
338,
10005,
3556,
64,
29,
284,
766,
611,
534,
1917,
318,
4750,
612,
13,
1002,
407,
11,
788,
766,
1279,
64,
198,
33257,
2625,
5450,
1378,
77,
8899,
13,
2398,
14,
37659,
11128,
14,
5320,
1169,
1388,
399,
79,
11128,
2443,
3556,
64,
29,
198,
12,
2198,
262,
366,
12130,
2052,
11,
15217,
17905,
11,
20396,
11,
35042,
507,
11,
3503,
1,
2665,
13,
198,
198,
27,
1671,
29,
198,
198,
1639,
743,
635,
765,
284,
1265,
262,
1279,
64,
198,
33257,
2625,
4529,
1462,
25,
86,
2387,
71,
668,
12,
18417,
31,
86,
2387,
71,
668,
13,
2398,
5320,
86,
2387,
71,
668,
12,
18417,
31,
86,
2387,
71,
668,
13,
2398,
3556,
64,
29,
198,
392,
262,
1279,
64,
198,
33257,
2625,
4529,
1462,
25,
5404,
79,
11128,
12,
18417,
31,
5404,
79,
11128,
13,
2398,
5320,
5404,
79,
11128,
12,
18417,
31,
5404,
79,
11128,
13,
2398,
3556,
64,
29,
198,
4529,
278,
8341,
284,
766,
611,
9599,
4325,
284,
760,
546,
262,
1917,
290,
198,
16275,
257,
46513,
393,
4259,
329,
262,
1917,
13,
220,
357,
6425,
326,
345,
481,
423,
284,
198,
7266,
12522,
284,
326,
1351,
287,
1502,
284,
307,
3142,
284,
6920,
284,
340,
26,
766,
1279,
64,
198,
33257,
2625,
5450,
1378,
77,
8899,
13,
2398,
14,
37659,
11128,
14,
5320,
1169,
399,
79,
11128,
1104,
198,
7700,
3556,
64,
29,
329,
1321,
319,
262,
21898,
1351,
2014,
554,
534,
6920,
11,
198,
29688,
1577,
1336,
3307,
286,
262,
1917,
11,
355,
3417,
2029,
11,
290,
635,
198,
521,
5344,
326,
262,
1917,
8833,
351,
7178,
35,
931,
11,
407,
655,
351,
370,
2387,
71,
668,
13,
198,
15931,
4943,
198,
198,
25652,
7203,
15931,
198,
40,
1101,
2491,
370,
2387,
71,
668,
319,
3964,
26,
1521,
466,
645,
3127,
20314,
905,
510,
287,
198,
1169,
1351,
286,
20314,
287,
262,
366,
39317,
11097,
2214,
287,
262,
17310,
3091,
198,
7501,
1496,
510,
416,
366,
49630,
3784,
10434,
13984,
198,
15931,
4943,
198,
198,
41484,
7203,
15931,
198,
1212,
318,
1107,
1279,
64,
13291,
25698,
66,
21064,
65,
5404,
5320,
1169,
976,
1808,
355,
257,
2180,
198,
505,
3556,
64,
29,
26,
766,
262,
2882,
284,
326,
1808,
13,
198,
15931,
4943,
198,
198,
25652,
7203,
15931,
198,
40,
1101,
2491,
370,
2387,
71,
668,
319,
3964,
26,
1521,
716,
314,
407,
4379,
597,
4979,
852,
198,
34086,
416,
262,
4572,
2491,
370,
2387,
71,
668,
1701,
1,
4943,
198,
198,
41484,
7203,
15931,
198,
1532,
345,
389,
2491,
617,
1296,
286,
21669,
5456,
3788,
11,
340,
1244,
307,
6666,
198,
5661,
1917,
26,
661,
423,
1775,
428,
1917,
618,
484,
423,
6822,
6252,
338,
198,
33883,
3788,
6589,
319,
511,
4572,
13,
220,
1002,
326,
338,
262,
2728,
286,
262,
198,
45573,
11,
345,
481,
423,
284,
4781,
262,
21669,
3788,
287,
1502,
284,
423,
198,
54,
2387,
71,
668,
357,
273,
597,
584,
3586,
1262,
399,
79,
11128,
8,
766,
28181,
24624,
26,
198,
403,
6668,
11,
6159,
356,
4249,
262,
399,
79,
11128,
6505,
760,
597,
835,
284,
198,
15883,
399,
79,
11128,
290,
262,
21669,
3788,
670,
880,
1978,
13,
198,
198,
27,
1671,
29,
198,
198,
7583,
11,
617,
6643,
329,
3964,
357,
16480,
617,
12521,
3127,
198,
39994,
6643,
8,
5729,
466,
407,
11,
618,
2491,
287,
1552,
2304,
5623,
4235,
11,
198,
3258,
858,
326,
28181,
24624,
389,
6793,
284,
262,
3788,
326,
198,
25927,
276,
326,
262,
7071,
1057,
1552,
2304,
24987,
26,
1949,
6225,
1552,
2304,
5623,
198,
14171,
572,
13,
198,
15931,
4943,
198,
198,
25652,
7203,
15931,
198,
2215,
314,
8006,
319,
3964,
287,
1552,
2304,
5623,
4235,
11,
314,
460,
766,
24624,
584,
198,
14813,
883,
1908,
284,
393,
422,
616,
4572,
26,
2158,
11,
883,
24624,
905,
510,
198,
4480,
257,
366,
16438,
25184,
1,
12955,
11,
5023,
24624,
284,
393,
422,
616,
4572,
13,
198,
2061,
815,
314,
466,
284,
21674,
326,
314,
766,
883,
24624,
287,
511,
21818,
30,
198,
15931,
4943,
198,
198,
41484,
7203,
15931,
198,
818,
379,
1551,
617,
2663,
11,
428,
3568,
284,
307,
262,
1255,
286,
350,
16960,
3262,
2491,
198,
261,
262,
3127,
7071,
319,
543,
345,
821,
21430,
26,
1210,
340,
572,
319,
326,
198,
39994,
13,
198,
15931,
4943,
198,
198,
25652,
7203,
15931,
198,
40,
1101,
2111,
284,
8006,
33121,
13,
1157,
4979,
319,
3964,
26,
1521,
716,
314,
407,
4379,
597,
198,
8002,
1039,
30,
198,
15931,
1600,
366,
5404,
30863,
62,
1157,
16963,
2304,
4943,
198,
198,
41484,
7203,
15931,
198,
2953,
1551,
617,
33121,
13,
1157,
2657,
6643,
319,
3964,
1656,
407,
284,
766,
597,
198,
8002,
1039,
611,
484,
821,
2491,
287,
1552,
2304,
5623,
4235,
13,
220,
9993,
6225,
1552,
2304,
5623,
198,
14171,
572,
26,
345,
1183,
691,
307,
1498,
284,
766,
24624,
1908,
416,
290,
2722,
416,
198,
14108,
4572,
11,
407,
2368,
12,
10608,
4979,
11,
290,
340,
1183,
804,
588,
31903,
198,
9535,
2108,
290,
1839,
470,
2291,
597,
4542,
393,
1630,
13431,
11,
475,
326,
338,
257,
198,
2475,
3780,
286,
262,
2657,
6643,
13,
198,
198,
27,
1671,
29,
198,
198,
6214,
262,
33962,
1279,
64,
198,
33257,
2625,
5450,
1378,
12384,
13,
17474,
13,
2398,
14,
12384,
14,
2167,
3829,
24909,
24943,
18458,
14,
4023,
1378,
2503,
13,
24055,
12,
6404,
844,
13,
785,
14,
5404,
79,
11128,
14,
48181,
13,
5126,
5320,
13031,
11187,
844,
338,
198,
4868,
286,
4116,
4855,
351,
7178,
47,
11128,
3556,
64,
29,
329,
1321,
319,
198,
11284,
286,
2972,
46363,
290,
6643,
351,
7178,
47,
11128,
13,
198,
15931,
4943,
198,
198,
25652,
7203,
15931,
198,
40,
1101,
2111,
284,
8006,
33121,
13,
1157,
4979,
319,
3964,
26,
1521,
716,
314,
4379,
24624,
198,
47844,
416,
262,
4572,
319,
543,
314,
1101,
21430,
4979,
11,
475,
407,
24624,
198,
34086,
416,
326,
4572,
30,
198,
15931,
4943,
198,
198,
41484,
7203,
15931,
198,
1212,
3568,
284,
307,
1194,
1917,
351,
1552,
2304,
5623,
4235,
26,
1949,
6225,
340,
198,
2364,
13,
198,
15931,
4943,
198,
198,
25652,
7203,
15931,
198,
40,
1101,
2111,
284,
8006,
31903,
569,
25697,
4979,
319,
3964,
11,
290,
314,
1101,
198,
27144,
870,
319,
257,
366,
1831,
1,
31903,
3335,
2138,
621,
257,
366,
53,
25697,
7071,
1600,
523,
198,
5562,
314,
460,
766,
262,
569,
25697,
24697,
26,
1521,
716,
314,
4379,
24624,
2722,
416,
262,
198,
30243,
319,
543,
314,
1101,
21430,
4979,
11,
475,
407,
24624,
1908,
416,
326,
198,
30243,
30,
198,
15931,
4943,
198,
198,
41484,
7203,
15931,
198,
464,
835,
262,
3964,
19140,
2438,
2499,
2192,
1724,
326,
24624,
198,
533,
1908,
319,
257,
366,
53,
25697,
7071,
1,
2138,
621,
262,
366,
1831,
1,
3335,
11,
523,
24624,
198,
34086,
416,
262,
4572,
481,
691,
307,
1775,
618,
345,
8006,
319,
262,
366,
53,
25697,
198,
39994,
1911,
220,
1002,
523,
11,
345,
481,
307,
5906,
284,
766,
28181,
24624,
618,
198,
27144,
870,
319,
262,
366,
1831,
1,
3335,
11,
523,
345,
389,
7819,
351,
257,
3572,
1022,
198,
42041,
569,
25697,
24697,
290,
4379,
28181,
24624,
13,
198,
15931,
4943,
198,
198,
29113,
29113,
2,
198,
5458,
7203,
19209,
870,
24624,
319,
4725,
9,
55,
274,
4943,
198,
29113,
29113,
2,
198,
198,
25652,
7203,
15931,
198,
40,
1101,
2491,
370,
2387,
71,
668,
319,
257,
4725,
10426,
12,
2704,
48275,
7294,
26,
1521,
857,
617,
3127,
198,
39994,
319,
616,
4572,
407,
905,
510,
287,
262,
1351,
286,
20314,
287,
262,
198,
1,
39317,
11097,
2214,
287,
262,
17310,
3091,
22928,
510,
416,
366,
49630,
3784,
10434,
1600,
198,
392,
14,
273,
1521,
857,
370,
2387,
71,
668,
1577,
502,
281,
4049,
611,
314,
1949,
284,
8006,
319,
326,
198,
39994,
30,
13538,
1600,
366,
66,
21064,
65,
403,
844,
4943,
198,
198,
41484,
7203,
15931,
198,
1639,
743,
761,
284,
1057,
370,
2387,
71,
668,
422,
281,
1848,
351,
6751,
18850,
198,
1462,
8006,
24624,
11,
884,
355,
262,
2208,
12,
7220,
1848,
11,
393,
743,
761,
284,
1577,
198,
14108,
1848,
6751,
18850,
284,
8006,
24624,
13,
220,
5514,
883,
198,
3849,
32186,
326,
370,
2387,
71,
668,
460,
1280,
329,
21430,
905,
510,
287,
326,
1351,
26,
611,
198,
5832,
836,
470,
423,
6751,
18850,
284,
8006,
319,
597,
20314,
11,
645,
198,
3849,
32186,
481,
905,
510,
287,
262,
1351,
13,
220,
4091,
198,
27,
64,
13291,
2625,
5450,
1378,
15466,
13,
86,
2387,
71,
668,
13,
2398,
14,
49630,
40786,
14,
49630,
20184,
576,
3212,
5320,
1169,
198,
54,
2387,
71,
668,
13078,
2378,
319,
8006,
18850,
3556,
64,
29,
329,
3307,
319,
703,
284,
1577,
198,
64,
1948,
1848,
393,
1848,
1448,
8006,
18850,
319,
9554,
198,
3003,
326,
460,
307,
1760,
13,
198,
198,
27,
1671,
29,
198,
198,
1532,
345,
389,
2491,
370,
2387,
71,
668,
422,
281,
1848,
351,
6751,
18850,
11,
198,
8524,
3465,
326,
370,
2387,
71,
668,
16507,
319,
262,
9195,
79,
11128,
5888,
11,
290,
319,
262,
198,
38942,
2410,
326,
1282,
351,
262,
7294,
319,
543,
340,
338,
2491,
287,
1502,
284,
466,
198,
27144,
942,
13,
220,
1550,
617,
7294,
274,
11,
883,
7291,
3588,
470,
1944,
416,
4277,
26,
766,
198,
27,
64,
13291,
2625,
5450,
1378,
15466,
13,
86,
2387,
71,
668,
13,
2398,
14,
49630,
40786,
14,
49630,
15514,
5320,
1169,
198,
54,
2387,
71,
668,
13078,
2378,
319,
4375,
8006,
1104,
3556,
64,
29,
329,
3307,
13,
198,
198,
27,
1671,
29,
198,
198,
1870,
11,
772,
611,
345,
821,
2491,
351,
281,
1848,
326,
468,
6751,
198,
13776,
576,
3212,
284,
8006,
11,
290,
8006,
1104,
318,
1944,
287,
534,
7294,
11,
611,
262,
198,
2640,
393,
262,
9195,
79,
11128,
5888,
836,
470,
1104,
21430,
319,
257,
1948,
198,
27349,
7071,
3335,
393,
1948,
3858,
286,
4410,
11,
370,
2387,
71,
668,
1839,
470,
198,
1350,
1498,
284,
8006,
319,
326,
3335,
13,
198,
198,
27,
1671,
29,
198,
198,
2202,
12347,
271,
11,
3465,
326,
9195,
79,
11128,
657,
13,
21,
13,
17,
290,
2961,
1422,
470,
1104,
29130,
198,
39687,
20314,
26,
262,
1459,
2196,
11,
657,
13,
22,
13,
17,
11,
857,
1104,
29130,
12569,
11,
198,
392,
262,
1459,
2196,
286,
370,
2387,
71,
668,
2499,
351,
9195,
79,
11128,
657,
13,
22,
13,
17,
290,
1568,
13,
198,
198,
27,
1671,
29,
198,
198,
1532,
281,
7071,
1595,
470,
905,
510,
287,
262,
1351,
286,
20314,
287,
262,
198,
1,
39317,
11097,
2214,
11,
290,
345,
760,
262,
1438,
286,
262,
7071,
11,
1949,
8218,
198,
5562,
1438,
287,
262,
366,
39317,
11097,
2214,
290,
21430,
319,
326,
3335,
13,
198,
198,
27,
1671,
29,
198,
198,
1532,
262,
2230,
284,
8006,
319,
340,
31137,
11,
262,
7071,
318,
7599,
407,
198,
11873,
2098,
416,
262,
9030,
370,
2387,
71,
668,
3544,
284,
651,
257,
1351,
286,
198,
3849,
32186,
26,
3387,
989,
428,
284,
1279,
64,
198,
33257,
2625,
4529,
1462,
25,
86,
2387,
71,
668,
12,
7959,
31,
86,
2387,
71,
668,
13,
2398,
5320,
86,
2387,
71,
668,
12,
7959,
31,
86,
2387,
71,
668,
13,
2398,
3556,
64,
29,
198,
13992,
1336,
3307,
286,
262,
1917,
11,
1390,
198,
3556,
79,
29,
198,
198,
27,
377,
29,
198,
27,
4528,
29,
1169,
5361,
1080,
345,
821,
1262,
11,
290,
262,
2196,
286,
326,
5361,
198,
10057,
357,
1640,
7020,
11,
1577,
1111,
262,
2196,
1271,
286,
262,
9720,
290,
262,
198,
3672,
290,
2196,
1271,
286,
262,
6082,
345,
821,
1262,
1776,
198,
27,
4528,
29,
1169,
2099,
286,
3127,
3335,
345,
821,
1262,
13,
198,
3556,
377,
29,
198,
198,
27,
79,
29,
198,
1532,
345,
389,
1719,
5876,
21430,
319,
257,
1948,
3127,
7071,
11,
198,
392,
345,
1053,
925,
1654,
326,
357,
261,
9554,
326,
2421,
340,
8,
345,
1053,
14921,
198,
5562,
19638,
8006,
1104,
318,
1944,
11,
355,
583,
262,
2029,
11,
717,
1949,
198,
27144,
870,
319,
326,
3335,
351,
1279,
8189,
29,
83,
13155,
39455,
3556,
8189,
28401,
198,
198,
27,
1671,
29,
198,
198,
1532,
345,
460,
8006,
319,
262,
7071,
351,
1279,
8189,
29,
83,
13155,
39455,
3556,
8189,
22330,
3758,
6920,
284,
198,
27,
64,
198,
33257,
2625,
4529,
1462,
25,
86,
2387,
71,
668,
12,
18417,
31,
86,
2387,
71,
668,
13,
2398,
5320,
86,
2387,
71,
668,
12,
18417,
31,
86,
2387,
71,
668,
13,
2398,
3556,
64,
29,
198,
13992,
1336,
3307,
286,
262,
1917,
11,
1390,
198,
3556,
79,
29,
198,
198,
27,
377,
29,
198,
27,
4528,
29,
1169,
5361,
1080,
345,
821,
1262,
11,
290,
262,
2196,
286,
326,
5361,
198,
10057,
357,
1640,
7020,
11,
1577,
1111,
262,
2196,
1271,
286,
262,
9720,
290,
262,
198,
3672,
290,
2196,
1271,
286,
262,
6082,
345,
821,
1262,
1776,
198,
27,
4528,
29,
1169,
2099,
286,
3127,
3335,
345,
821,
1262,
26,
198,
27,
4528,
29,
1169,
4049,
3275,
345,
651,
422,
370,
2387,
71,
668,
13,
198,
3556,
377,
29,
198,
198,
27,
79,
29,
198,
1532,
345,
1279,
368,
29,
66,
34574,
3556,
368,
29,
8006,
319,
262,
7071,
351,
1279,
8189,
29,
83,
13155,
39455,
3556,
8189,
22330,
198,
5661,
318,
2048,
3729,
257,
1917,
351,
530,
393,
517,
286,
25,
198,
3556,
79,
29,
198,
198,
27,
377,
29,
198,
27,
4528,
29,
1169,
5361,
1080,
345,
821,
1262,
26,
198,
27,
4528,
29,
1169,
3335,
4639,
329,
262,
7071,
345,
821,
1262,
26,
198,
27,
4528,
29,
1169,
9195,
79,
11128,
5888,
26,
198,
3556,
377,
29,
198,
198,
27,
79,
29,
198,
568,
345,
815,
989,
262,
1917,
284,
262,
1664,
393,
4009,
326,
198,
18230,
728,
262,
7294,
357,
259,
262,
1339,
286,
257,
7020,
6082,
11,
989,
262,
1917,
198,
1462,
16958,
11073,
262,
6082,
737,
198,
198,
27,
1671,
29,
198,
198,
1639,
743,
635,
765,
284,
1265,
262,
1279,
64,
198,
33257,
2625,
4529,
1462,
25,
86,
2387,
71,
668,
12,
18417,
31,
86,
2387,
71,
668,
13,
2398,
5320,
86,
2387,
71,
668,
12,
18417,
31,
86,
2387,
71,
668,
13,
2398,
3556,
64,
29,
198,
392,
262,
1279,
64,
198,
33257,
2625,
4529,
1462,
25,
83,
13155,
39455,
12,
22896,
31,
20713,
13,
83,
13155,
39455,
13,
2398,
5320,
83,
13155,
39455,
12,
22896,
31,
20713,
13,
83,
13155,
39455,
13,
2398,
3556,
64,
29,
198,
4529,
278,
8341,
284,
766,
611,
9599,
4325,
284,
760,
546,
262,
1917,
290,
198,
16275,
257,
46513,
393,
4259,
329,
262,
1917,
13,
220,
554,
534,
6920,
11,
3387,
1577,
198,
12853,
3307,
286,
262,
1917,
11,
355,
3417,
2029,
11,
290,
635,
7603,
326,
198,
1169,
1917,
8833,
351,
1279,
8189,
29,
83,
13155,
39455,
3556,
8189,
29,
407,
655,
351,
370,
2387,
71,
668,
13,
198,
15931,
4943,
198,
198,
25652,
7203,
15931,
198,
40,
1101,
2491,
370,
2387,
71,
668,
319,
257,
4725,
10426,
12,
2704,
48275,
7294,
26,
1521,
466,
645,
3127,
20314,
198,
12860,
510,
287,
262,
1351,
286,
20314,
287,
262,
366,
39317,
11097,
2214,
287,
262,
198,
38969,
519,
3091,
22928,
510,
416,
366,
49630,
3784,
10434,
13984,
198,
15931,
4943,
198,
198,
41484,
7203,
15931,
198,
1212,
318,
1107,
1279,
64,
13291,
25698,
66,
21064,
65,
403,
844,
5320,
1169,
976,
1808,
355,
262,
2180,
198,
505,
3556,
64,
29,
26,
766,
262,
2882,
284,
326,
1808,
13,
198,
15931,
4943,
198,
198,
25652,
7203,
15931,
40,
1101,
21430,
24624,
319,
7020,
26,
1521,
466,
262,
640,
25560,
423,
198,
8807,
1802,
907,
6323,
11,
2138,
621,
352,
385,
6323,
1701,
1,
4943,
198,
198,
41484,
7203,
15931,
198,
54,
2387,
71,
668,
3011,
640,
25560,
422,
9195,
79,
11128,
14,
45,
79,
11128,
11,
290,
198,
8019,
79,
11128,
14,
45,
79,
11128,
651,
606,
422,
262,
7294,
9720,
11,
523,
370,
2387,
71,
668,
532,
290,
597,
584,
198,
23065,
1262,
9195,
79,
11128,
11,
884,
355,
48265,
39455,
532,
318,
379,
262,
17703,
286,
262,
640,
198,
301,
37843,
2438,
287,
262,
7294,
329,
640,
25560,
13,
198,
198,
27,
1671,
29,
198,
198,
2953,
1551,
319,
2124,
4521,
12,
3106,
8217,
11,
7020,
460,
651,
1029,
12,
29268,
640,
198,
301,
9430,
319,
15064,
20399,
351,
262,
3862,
40694,
15034,
357,
4694,
34,
8,
7881,
26,
198,
1640,
1672,
11,
8180,
2124,
4521,
20399,
11,
3599,
351,
262,
9696,
1505,
1041,
11,
290,
198,
8201,
477,
2124,
4521,
20399,
1201,
788,
11,
423,
550,
257,
309,
6173,
11,
290,
584,
198,
85,
437,
669,
2192,
2087,
262,
309,
6173,
379,
617,
966,
284,
511,
4172,
286,
2124,
4521,
198,
14681,
669,
13,
198,
198,
464,
7020,
9720,
1276,
307,
17839,
351,
262,
25626,
62,
55,
4521,
62,
4694,
34,
3038,
198,
25616,
287,
1502,
284,
779,
262,
309,
6173,
13,
220,
6889,
1654,
428,
3038,
318,
9343,
287,
198,
14108,
9720,
13,
198,
198,
27,
1671,
29,
198,
198,
818,
3090,
11,
617,
7020,
24570,
743,
423,
11316,
287,
511,
6300,
286,
198,
1169,
9720,
326,
2728,
24624,
407,
284,
307,
1813,
1029,
12,
29268,
640,
198,
301,
9430,
772,
611,
262,
309,
6173,
318,
9343,
13,
220,
4091,
11,
329,
1672,
11,
5434,
718,
26259,
329,
2297,
198,
40483,
7020,
767,
13,
17,
13,
220,
1002,
534,
6082,
468,
257,
5434,
884,
355,
428,
11,
345,
743,
198,
14150,
284,
1057,
257,
3210,
9720,
422,
9720,
13,
2398,
287,
1502,
284,
651,
198,
8929,
12,
29268,
640,
25560,
13,
198,
15931,
4943,
198,
198,
29113,
29113,
2,
198,
5458,
7203,
19209,
870,
24624,
319,
12521,
24192,
82,
4943,
198,
29113,
29113,
2,
628,
198,
25652,
7203,
15931,
198,
2437,
460,
314,
8006,
8246,
33121,
13,
1157,
13431,
11,
1390,
1729,
12,
7890,
357,
27604,
11,
198,
1350,
7807,
8,
13431,
30,
198,
15931,
1600,
366,
1831,
62,
1795,
21895,
62,
16184,
733,
4943,
198,
198,
41484,
7203,
15931,
198,
2504,
8338,
319,
262,
5361,
1080,
319,
543,
345,
821,
2491,
11,
290,
319,
262,
198,
30863,
13,
1157,
7071,
319,
543,
345,
821,
21430,
13,
198,
198,
27,
1671,
29,
198,
198,
1212,
561,
2192,
2421,
326,
345,
8006,
287,
1552,
2304,
5623,
4235,
393,
287,
198,
1169,
4235,
1444,
366,
41143,
4235,
1,
393,
366,
49,
23264,
1340,
4235,
1911,
220,
1550,
617,
9554,
11,
393,
198,
4480,
617,
4116,
11,
428,
1244,
2421,
326,
345,
8006,
287,
5671,
4235,
532,
198,
16963,
2304,
5623,
4235,
1244,
407,
307,
6751,
13,
220,
1002,
345,
765,
284,
8006,
198,
9535,
2108,
319,
7686,
584,
621,
262,
530,
351,
543,
345,
821,
3917,
11,
345,
198,
10594,
423,
284,
8006,
287,
5671,
4235,
13,
198,
198,
27,
1671,
29,
198,
198,
3673,
477,
5361,
3341,
1104,
21430,
1729,
12,
7890,
24624,
290,
11,
772,
198,
261,
5361,
3341,
326,
466,
1104,
340,
11,
407,
477,
6643,
11,
290,
4145,
407,
198,
439,
20314,
11,
1104,
340,
13,
220,
3412,
319,
883,
326,
466,
11,
5671,
4235,
1244,
198,
1662,
307,
4855,
416,
262,
5361,
1080,
393,
416,
262,
6643,
329,
477,
198,
3849,
32186,
13,
198,
198,
27,
1671,
29,
198,
198,
27,
11576,
29,
16580,
25,
3556,
11576,
29,
281,
7071,
2491,
287,
5671,
4235,
481,
11,
319,
198,
1712,
611,
407,
477,
9554,
11,
407,
307,
1498,
284,
719,
355,
257,
3218,
3127,
198,
39994,
26,
5137,
340,
656,
5671,
4235,
481,
11,
287,
1245,
11,
1011,
534,
198,
30243,
572,
286,
4232,
3127,
340,
338,
319,
355,
890,
355,
262,
7071,
318,
287,
198,
41143,
4235,
11,
5086,
340,
691,
284,
49947,
8006,
24624,
13,
198,
198,
27,
1671,
29,
198,
198,
1212,
1724,
326,
345,
815,
15560,
1438,
6323,
618,
21430,
287,
198,
41143,
4235,
26,
4306,
11,
618,
370,
2387,
71,
668,
357,
273,
309,
2484,
668,
11,
393,
48265,
39455,
8,
8404,
198,
1462,
3359,
6101,
9405,
355,
2583,
3891,
11,
340,
481,
2192,
2512,
329,
257,
890,
198,
2435,
2111,
284,
10568,
262,
1438,
780,
340,
481,
407,
307,
1498,
284,
198,
10709,
5344,
351,
597,
18538,
393,
399,
1797,
9597,
13,
198,
198,
27,
1671,
29,
198,
198,
6214,
1279,
64,
198,
33257,
2625,
5450,
1378,
15466,
13,
86,
2387,
71,
668,
13,
2398,
14,
49630,
40786,
14,
54,
25697,
5320,
1169,
370,
2387,
71,
668,
198,
32603,
2378,
319,
33121,
13,
1157,
21430,
3556,
64,
29,
329,
3307,
13,
198,
15931,
4943,
198,
198,
25652,
7203,
15931,
198,
2437,
466,
314,
8006,
319,
281,
33121,
13,
1157,
3335,
287,
5671,
4235,
1701,
1,
1600,
198,
1,
41143,
4943,
198,
198,
41484,
7203,
15931,
198,
15354,
345,
481,
307,
1498,
284,
8006,
287,
5671,
4235,
8338,
319,
262,
198,
3575,
803,
1080,
11,
21302,
11,
290,
4639,
345,
821,
1262,
13,
198,
6214,
1279,
64,
13291,
25698,
1831,
62,
1795,
21895,
62,
16184,
733,
5320,
1169,
2180,
1808,
3556,
64,
29,
329,
1321,
198,
261,
5671,
4235,
11,
1390,
257,
2792,
284,
262,
370,
2387,
71,
668,
13078,
2443,
326,
3607,
198,
36604,
319,
33121,
13,
1157,
21430,
13,
198,
15931,
4943,
198,
198,
29113,
29113,
2,
198,
5458,
7203,
7680,
278,
4979,
4943,
198,
29113,
29113,
2,
628,
198,
25652,
7203,
5195,
716,
314,
4379,
6041,
286,
24624,
351,
11491,
23633,
8794,
5700,
1701,
8,
198,
198,
41484,
7203,
15931,
198,
1532,
262,
24624,
326,
423,
11491,
23633,
8794,
5700,
389,
477,
852,
1908,
416,
198,
1169,
4572,
319,
543,
370,
2387,
71,
668,
318,
2491,
11,
428,
318,
2192,
780,
262,
198,
27349,
7071,
319,
543,
345,
821,
21430,
857,
23633,
8794,
388,
198,
2364,
25138,
13,
220,
1320,
1724,
326,
262,
23633,
8794,
388,
318,
2087,
284,
262,
19638,
416,
198,
1169,
3127,
7071,
11,
407,
416,
262,
7294,
338,
23633,
14,
4061,
8931,
26,
618,
21430,
319,
198,
272,
7071,
11,
24624,
852,
1908,
416,
262,
2583,
319,
543,
345,
821,
21430,
198,
533,
3264,
10158,
284,
262,
8006,
7071,
416,
262,
7294,
11,
543,
1724,
326,
198,
9930,
389,
10158,
284,
262,
8006,
7071,
1231,
257,
23633,
8794,
388,
852,
198,
29373,
284,
606,
13,
198,
198,
27,
1671,
29,
198,
198,
464,
691,
835,
284,
2948,
428,
422,
5836,
561,
307,
284,
15560,
23633,
198,
42116,
388,
572,
25138,
11,
475,
198,
3556,
79,
29,
198,
198,
27,
349,
29,
198,
27,
4528,
29,
5562,
1244,
407,
772,
307,
1744,
319,
617,
7294,
274,
26,
198,
27,
4528,
29,
5562,
714,
4646,
19140,
2854,
5566,
13,
198,
3556,
349,
29,
198,
198,
27,
79,
29,
198,
4864,
11,
345,
460,
15560,
262,
2198,
326,
370,
2387,
71,
668,
857,
286,
262,
23633,
198,
42116,
388,
11,
523,
326,
340,
1839,
470,
989,
597,
24624,
355,
1719,
23633,
8794,
388,
198,
48277,
11,
290,
523,
326,
340,
1839,
470,
11148,
284,
466,
23633,
302,
41873,
2233,
284,
257,
19638,
198,
40965,
281,
11491,
23633,
8794,
388,
13,
220,
1320,
460,
307,
900,
355,
281,
370,
2387,
71,
668,
198,
3866,
4288,
416,
17246,
366,
36698,
4972,
1,
422,
262,
366,
18378,
1,
6859,
11,
4756,
510,
198,
1169,
366,
19703,
4668,
82,
1,
1351,
287,
262,
1364,
12,
4993,
37218,
286,
262,
366,
36698,
4972,
1,
17310,
198,
3524,
11,
17246,
366,
4825,
47,
1600,
422,
326,
1351,
11,
6225,
572,
262,
366,
9787,
262,
198,
12102,
414,
286,
262,
23633,
8794,
388,
618,
1744,
1,
3038,
11,
12264,
366,
16928,
1,
611,
198,
5832,
765,
284,
3613,
326,
4634,
287,
534,
12741,
2393,
11,
290,
12264,
198,
1,
11380,
1911,
198,
198,
27,
1671,
29,
198,
198,
1026,
460,
635,
307,
900,
319,
262,
370,
2387,
71,
668,
393,
309,
2484,
668,
3141,
1627,
351,
257,
198,
27,
8189,
29,
12,
78,
48265,
13,
9122,
62,
42116,
388,
25,
9562,
3556,
8189,
29,
3141,
12,
1370,
6056,
11,
393,
14500,
900,
198,
259,
534,
15387,
2393,
416,
4375,
257,
1279,
8189,
29,
83,
13155,
13,
9122,
62,
42116,
388,
25,
9562,
3556,
8189,
29,
198,
1370,
13,
198,
15931,
4943,
198,
198,
25652,
7203,
15931,
198,
40,
1053,
655,
6589,
370,
2387,
71,
668,
11,
290,
262,
4979,
319,
616,
1957,
24192,
198,
271,
14262,
13,
220,
6350,
460,
314,
1064,
517,
3499,
23007,
30,
198,
15931,
4943,
198,
198,
41484,
7203,
15931,
198,
1135,
423,
257,
4947,
286,
6283,
290,
21036,
6291,
8006,
198,
16624,
379,
4064,
82,
37811,
4064,
357,
944,
8726,
7203,
5450,
1378,
15466,
13,
86,
2387,
71,
668,
13,
2398,
14,
36674,
19209,
942,
1,
22305,
628,
198,
25652,
7203,
15931,
198,
5195,
1595,
470,
370,
2387,
71,
668,
9380,
5911,
371,
7250,
24624,
30,
632,
2523,
606,
198,
8807,
355,
36428,
32203,
4943,
198,
198,
41484,
7203,
15931,
198,
54,
2387,
71,
668,
460,
5911,
257,
36428,
4818,
6713,
355,
7268,
257,
19638,
286,
257,
198,
3911,
13174,
8435,
2491,
20156,
36428,
691,
611,
198,
3556,
79,
29,
198,
198,
27,
349,
29,
198,
27,
4528,
29,
383,
8435,
287,
1808,
468,
257,
1948,
3210,
2493,
198,
17618,
11,
290,
262,
36428,
2723,
393,
10965,
2493,
1271,
318,
326,
2493,
198,
198,
27,
4528,
29,
6400,
1039,
286,
326,
8435,
460,
307,
5174,
416,
2045,
329,
257,
198,
1,
12683,
1300,
1,
286,
617,
2099,
287,
262,
19638,
532,
1312,
13,
68,
1539,
617,
1366,
198,
5562,
11,
611,
370,
2387,
71,
668,
7228,
340,
287,
617,
1948,
636,
286,
257,
198,
8002,
316,
11,
1724,
326,
262,
19638,
318,
2048,
3729,
257,
19638,
286,
198,
5562,
2099,
13,
198,
198,
27,
4528,
29,
2773,
1279,
368,
29,
847,
3556,
368,
29,
4979,
2961,
287,
262,
8006,
8203,
326,
11,
198,
1640,
1672,
11,
36428,
4979,
1022,
734,
1948,
9405,
290,
198,
3742,
481,
307,
371,
7250,
4979,
13,
198,
3556,
349,
29,
198,
198,
27,
79,
29,
198,
49,
7250,
1595,
470,
423,
257,
3210,
2493,
1271,
11,
523,
352,
8,
1595,
470,
670,
26,
340,
1595,
470,
11,
198,
292,
1290,
355,
314,
760,
11,
423,
597,
366,
12683,
1300,
1600,
523,
362,
8,
1595,
470,
670,
13,
198,
198,
27,
1671,
29,
198,
198,
2504,
5667,
513,
737,
220,
1002,
612,
338,
11923,
4303,
4979,
326,
5621,
510,
281,
371,
7250,
6246,
11,
198,
8524,
11,
379,
1551,
287,
617,
2663,
11,
262,
11923,
4303,
22806,
2715,
481,
900,
1243,
510,
523,
198,
5562,
8840,
371,
7250,
4979,
481,
307,
5174,
13,
220,
16888,
11,
326,
338,
262,
198,
8807,
1295,
356,
466,
326,
26,
612,
743,
307,
584,
4113,
13,
198,
198,
27,
1671,
29,
198,
198,
4864,
11,
612,
481,
1464,
307,
4113,
810,
370,
2387,
71,
668,
318,
2391,
198,
27,
65,
29,
1939,
499,
540,
3556,
65,
29,
286,
4648,
25648,
326,
257,
1813,
36428,
5202,
318,
371,
7250,
26,
257,
9030,
198,
19188,
307,
2622,
284,
1249,
262,
2836,
284,
11986,
326,
257,
1813,
5273,
198,
21754,
307,
5716,
355,
371,
7250,
13,
220,
1081,
286,
370,
2387,
71,
668,
657,
13,
23,
13,
1433,
11,
884,
257,
9030,
198,
1069,
1023,
26,
611,
345,
2922,
257,
36428,
393,
23633,
19638,
11,
262,
826,
10211,
4936,
6859,
198,
10594,
423,
257,
366,
10707,
1098,
1081,
9313,
6859,
2378,
11,
543,
481,
1461,
510,
257,
17310,
3091,
198,
1616,
889,
345,
11986,
326,
262,
2723,
2493,
11,
262,
10965,
2493,
11,
393,
1111,
198,
1169,
2723,
290,
10965,
14090,
286,
262,
19638,
815,
307,
38319,
276,
355,
198,
11246,
1948,
8435,
13,
198,
15931,
4943,
198,
198,
25652,
7203,
15931,
198,
5195,
1595,
470,
370,
2387,
71,
668,
905,
16551,
24306,
24624,
287,
23007,
326,
198,
3642,
391,
16551,
24306,
4979,
1701,
1,
4943,
198,
198,
41484,
7203,
15931,
198,
54,
2387,
71,
668,
691,
21570,
355,
16551,
24306,
4979,
24624,
284,
393,
422,
23633,
198,
634,
1542,
1120,
326,
2221,
351,
366,
48232,
8035,
1600,
366,
56,
39,
6684,
1600,
393,
366,
56,
5653,
38,
1911,
220,
23633,
17894,
326,
198,
9688,
351,
262,
3504,
286,
257,
16551,
24306,
19638,
326,
2753,
517,
621,
530,
198,
4825,
47,
10618,
481,
407,
307,
8018,
355,
16551,
24306,
24624,
357,
10197,
611,
262,
198,
4825,
47,
10618,
635,
4909,
262,
3726,
286,
1194,
16551,
24306,
198,
8002,
316,
737,
198,
15931,
4943,
198,
198,
29113,
29113,
2,
198,
5458,
7203,
11928,
20212,
4979,
4943,
198,
29113,
29113,
2,
628,
198,
25652,
7203,
15931,
40,
7448,
257,
8106,
290,
3088,
284,
779,
663,
1438,
284,
8106,
262,
198,
13812,
26,
1521,
466,
314,
651,
281,
366,
52,
42072,
886,
286,
8106,
4731,
1,
4049,
1701,
1,
4943,
198,
198,
41484,
7203,
15931,
198,
1639,
2314,
779,
262,
1438,
286,
257,
7448,
3359,
8106,
355,
257,
8106,
13,
220,
1675,
198,
24455,
262,
3359,
11,
345,
460,
3802,
257,
3359,
8106,
5408,
532,
198,
27,
11576,
29,
1662,
3556,
11576,
29,
262,
1438,
286,
257,
7448,
3359,
8106,
532,
287,
262,
198,
1,
22417,
11097,
3091,
379,
262,
4220,
286,
262,
3359,
11,
290,
2099,
262,
1222,
2528,
26,
17469,
5,
13655,
26,
1994,
393,
198,
8439,
262,
366,
44836,
1,
4936,
357,
5562,
857,
407,
2421,
345,
284,
423,
257,
7448,
198,
24455,
828,
393,
11,
611,
345,
765,
284,
779,
257,
7448,
8106,
11,
345,
460,
1803,
262,
198,
1,
22417,
11097,
4936,
11,
2922,
262,
8106,
287,
262,
17310,
3091,
326,
26384,
510,
11,
290,
198,
8439,
262,
366,
11380,
1,
4936,
32203,
4943,
198,
198,
25652,
7203,
15931,
198,
2437,
460,
314,
2989,
329,
11,
393,
8106,
11,
24624,
326,
423,
257,
1948,
4731,
198,
1092,
3003,
287,
606,
30,
198,
15931,
4943,
198,
198,
41484,
7203,
15931,
198,
1532,
345,
765,
284,
466,
428,
618,
21430,
11,
345,
460,
470,
13,
220,
1320,
338,
257,
3895,
326,
198,
19188,
307,
1327,
284,
3494,
287,
8006,
16628,
1231,
2458,
284,
262,
198,
27144,
495,
8106,
2438,
11,
543,
11,
319,
867,
9554,
11,
318,
287,
262,
7294,
9720,
290,
11,
198,
261,
584,
9554,
11,
318,
287,
262,
9195,
79,
11128,
5888,
13,
198,
198,
27,
1671,
29,
198,
198,
3260,
8006,
11,
345,
460,
2989,
329,
2420,
416,
17246,
1279,
72,
29,
18378,
5,
2,
23,
46438,
26,
16742,
198,
47,
8317,
986,
3556,
72,
29,
290,
1642,
1654,
1279,
72,
29,
10100,
3556,
72,
29,
318,
6163,
13,
13243,
1286,
11,
345,
460,
198,
1904,
262,
366,
3642,
1299,
1,
3359,
8106,
10088,
393,
366,
6759,
2052,
1,
10088,
611,
340,
338,
198,
15999,
319,
534,
1080,
13,
198,
15931,
4943,
198,
198,
25652,
7203,
15931,
198,
2437,
466,
314,
8106,
257,
8006,
284,
766,
4979,
329,
9471,
27713,
30,
198,
15931,
4943,
198,
198,
41484,
7203,
15931,
198,
1890,
617,
20547,
14,
49617,
612,
1244,
307,
257,
8006,
8106,
284,
7564,
262,
198,
85,
19397,
4979,
13,
220,
6822,
262,
1279,
64,
198,
33257,
2625,
5450,
1378,
15466,
13,
86,
2387,
71,
668,
13,
2398,
14,
49630,
11928,
1010,
5320,
49630,
11928,
1010,
3556,
64,
29,
2443,
198,
261,
262,
1279,
64,
13291,
2625,
5450,
1378,
15466,
13,
86,
2387,
71,
668,
13,
2398,
14,
5320,
54,
2387,
71,
668,
13078,
3556,
64,
29,
284,
766,
611,
198,
1092,
2618,
338,
2087,
884,
257,
8106,
13,
198,
198,
27,
1671,
29,
198,
198,
6425,
326,
370,
2387,
71,
668,
373,
407,
3562,
284,
307,
281,
34396,
13326,
1080,
26,
198,
5832,
1244,
307,
1498,
284,
779,
340,
355,
281,
4522,
50,
11,
475,
287,
749,
2663,
3788,
198,
30473,
284,
307,
281,
4522,
50,
11,
884,
355,
1279,
64,
13291,
2625,
5450,
1378,
2503,
13,
16184,
419,
13,
2398,
14,
5320,
16501,
419,
3556,
64,
29,
198,
273,
1279,
64,
13291,
2625,
5450,
1378,
2503,
13,
79,
2411,
2507,
12,
13396,
368,
13,
2398,
14,
5320,
47,
2411,
2507,
3556,
64,
22330,
481,
2192,
670,
198,
27903,
13,
198,
15931,
4943,
198,
198,
29113,
29113,
2,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
197,
17597,
13,
37023,
7,
12417,
28955,
198,
29113,
29113,
2,
198
] | 3.61219 | 16,784 |
filter_cfg = dict(
type='SavizkyGolayFilter',
window_size=11,
polyorder=2,
)
| [
24455,
62,
37581,
796,
8633,
7,
198,
220,
220,
220,
2099,
11639,
47362,
528,
2584,
38,
349,
323,
22417,
3256,
198,
220,
220,
220,
4324,
62,
7857,
28,
1157,
11,
198,
220,
220,
220,
7514,
2875,
28,
17,
11,
198,
8,
198
] | 2.119048 | 42 |
import torch.nn as nn
import torch.nn.functional as F
# define the CNN architecture
### TODO: choose an architecture, and complete the class | [
11748,
28034,
13,
20471,
355,
299,
77,
198,
11748,
28034,
13,
20471,
13,
45124,
355,
376,
198,
198,
2,
8160,
262,
8100,
10959,
198,
220,
220,
220,
44386,
16926,
46,
25,
3853,
281,
10959,
11,
290,
1844,
262,
1398
] | 3.717949 | 39 |
# Licensed under a 3-clause BSD style license - see LICENSE.rst
import numpy as np
import pytest
import pickle
import os
from .. import Quat, normalize
ra = 10.
dec = 20.
roll = 30.
q0 = Quat([ra, dec, roll])
equatorial_23 = np.array([[[10, 20, 30],
[10, 20, -30],
[10, -60, 30]],
[[10, 20, 0],
[10, 50, 30],
[10, -50, -30]]], dtype=float)
q_23 = np.zeros(equatorial_23[..., 0].shape + (4,))
for _i, _j in indices(equatorial_23.shape[:-1]):
q_23[_i, _j] = Quat(equatorial_23[_i, _j]).q
transform_23 = np.zeros(equatorial_23[..., 0].shape + (3, 3))
for _i, _j in indices(transform_23.shape[:-2]):
transform_23[_i, _j] = Quat(equatorial_23[_i, _j]).transform
def test_from_transform():
"""Initialize from inverse of q0 via transform matrix"""
q = Quat(q0.transform.transpose())
assert np.allclose(q.q[0], -0.26853582)
assert np.allclose(q.q[1], 0.14487813)
assert np.allclose(q.q[2], -0.12767944)
assert np.allclose(q.q[3], 0.94371436)
q = Quat(q0.transform)
assert np.allclose(q.roll0, 30)
assert np.allclose(q.ra0, 10)
q1 = Quat(transform=q0.transform)
assert np.all(q1.q == q.q)
def test_vector_to_scalar_correspondence():
"""
Simple test that all possible transform pathways give the same
answer when done in vectorized form as they do for the scalar version.
"""
atol = 1e-12
# Input equatorial has roll not in 0:360, so fix that for comparisons.
eq_23 = equatorial_23.copy()
normalize_angles(eq_23[..., -1], 0, 360)
# Compare vectorized computations for all possible input/output combos
# with the same for the scalar calculation.
q = Quat(equatorial=equatorial_23)
assert np.all(q.q == q_23)
assert np.all(q.equatorial == equatorial_23)
assert np.all(q.transform == transform_23)
q = Quat(q=q_23)
assert np.all(q.q == q_23)
assert np.allclose(q.equatorial, eq_23, rtol=0, atol=atol)
assert np.allclose(q.transform, transform_23, rtol=0, atol=atol)
q = Quat(transform=transform_23)
assert np.allclose(q.q, q_23, rtol=0, atol=atol)
assert np.allclose(q.equatorial, eq_23, rtol=0, atol=atol)
assert np.all(q.transform == transform_23)
def test_numeric_underflow():
"""
Test new code (below) for numeric issue https://github.com/sot/Quaternion/issues/1.
If this code is not included then the test fails with a MathDomainError::
one_minus_xn2 = 1 - xn**2
if one_minus_xn2 < 0:
if one_minus_xn2 < -1e-12:
raise ValueError('Unexpected negative norm: {}'.format(one_minus_xn2))
one_minus_xn2 = 0
"""
quat = Quat((0, 0, 0))
angle = 0
while angle < 360:
q = Quat((0, angle, 0))
quat = q * quat
_ = quat.equatorial
angle += 0.1
def test_mult_and_dq_broadcasted():
"""Test mult and delta quat of Quats with different but broadcastable shapes.
"""
q2 = Quat(equatorial=np.arange(18).reshape(3, 2, 3))
q1 = Quat(equatorial=[[10, 20, 30], [40, 50, 60]])
q0 = Quat(equatorial=[10, 20, 30])
# (3,2) * () = (3,2)
q20 = q2 * q0
dq20 = q2.dq(q0)
assert q20.shape == (3, 2)
assert dq20.shape == (3, 2)
for ii in range(3):
for jj in range(2):
qq = q2[ii, jj] * q0
dq = q2[ii, jj].dq(q0)
assert np.allclose(qq.q, q20.q[ii, jj])
assert np.allclose(dq.q, dq20.q[ii, jj])
# (3,2) * (2,) = (3,2)
q21 = q2 * q1
dq21 = q2.dq(q1)
assert q21.shape == (3, 2)
assert dq21.shape == (3, 2)
for ii in range(3):
for jj in range(2):
qq = q2[ii, jj] * q1[jj]
dq = q2[ii, jj].dq(q1[jj])
assert np.allclose(qq.q, q21.q[ii, jj])
assert np.allclose(dq.q, dq21.q[ii, jj])
def test_pickle():
"""
Pickle file generated using Quaternion v3.4.1:
from Quaternion import Quat
import pickle
q = Quat([10., 20., 30.])
quats = [Quat(q.q), Quat(q.transform), Quat(q.equatorial)]
quats.append(q)
with open('quaternion-v3.4.1.pkl', 'wb') as f:
pickle.dump(quats, f)
"""
# testing we can unpickle older versions
filename = os.path.join(os.path.dirname(__file__), 'data', 'quaternion-v3.4.1.pkl')
with open(filename, 'rb') as f:
quaternions = pickle.load(f)
for q in quaternions:
assert np.all(np.isclose(q.q, [0.26853582, -0.14487813, 0.12767944, 0.94371436]))
assert np.all(np.isclose(q.equatorial, [10., 20., 30.]))
assert np.all(np.isclose(q.transform, [[0.92541658, -0.31879578, -0.20487413],
[0.16317591, 0.82317294, -0.54383814],
[0.34202014, 0.46984631, 0.81379768]]))
def test_rotate_x_to_vec_regress():
"""Note that truth values are just results from original code in Ska.quatutil.
They have not been independently validated"""
vec = [1, 2, 3]
q = Quat.rotate_x_to_vec(vec) # method='radec', default
assert np.allclose(q.q, [0.2358142, -0.38155539, 0.4698775, 0.76027777])
q = Quat.rotate_x_to_vec(vec, method='shortest')
assert np.allclose(q.q, [0., -0.50362718, 0.33575146, 0.79600918])
q = Quat.rotate_x_to_vec(vec, method='keep_z')
assert np.allclose(q.q, [-0.16269544, -0.56161937, 0.22572786, 0.77920525])
@pytest.mark.parametrize('method', ('keep_z', 'shortest', 'radec'))
@pytest.mark.parametrize('attr', ['q', 'equatorial', 'transform'])
| [
2,
49962,
739,
257,
513,
12,
565,
682,
347,
10305,
3918,
5964,
532,
766,
38559,
24290,
13,
81,
301,
198,
11748,
299,
32152,
355,
45941,
198,
11748,
12972,
9288,
198,
11748,
2298,
293,
198,
11748,
28686,
198,
198,
6738,
11485,
1330,
2264,
265,
11,
3487,
1096,
628,
628,
198,
430,
796,
838,
13,
198,
12501,
796,
1160,
13,
198,
2487,
796,
1542,
13,
198,
80,
15,
796,
2264,
265,
26933,
430,
11,
875,
11,
4836,
12962,
628,
198,
4853,
21592,
62,
1954,
796,
45941,
13,
18747,
26933,
30109,
940,
11,
1160,
11,
1542,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
940,
11,
1160,
11,
532,
1270,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
940,
11,
532,
1899,
11,
1542,
60,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
16410,
940,
11,
1160,
11,
657,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
940,
11,
2026,
11,
1542,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
940,
11,
532,
1120,
11,
532,
1270,
11907,
4357,
288,
4906,
28,
22468,
8,
198,
198,
80,
62,
1954,
796,
45941,
13,
9107,
418,
7,
4853,
21592,
62,
1954,
58,
986,
11,
657,
4083,
43358,
1343,
357,
19,
11,
4008,
198,
1640,
4808,
72,
11,
4808,
73,
287,
36525,
7,
4853,
21592,
62,
1954,
13,
43358,
58,
21912,
16,
60,
2599,
198,
220,
220,
220,
10662,
62,
1954,
29795,
72,
11,
4808,
73,
60,
796,
2264,
265,
7,
4853,
21592,
62,
1954,
29795,
72,
11,
4808,
73,
35944,
80,
198,
198,
35636,
62,
1954,
796,
45941,
13,
9107,
418,
7,
4853,
21592,
62,
1954,
58,
986,
11,
657,
4083,
43358,
1343,
357,
18,
11,
513,
4008,
198,
1640,
4808,
72,
11,
4808,
73,
287,
36525,
7,
35636,
62,
1954,
13,
43358,
58,
21912,
17,
60,
2599,
198,
220,
220,
220,
6121,
62,
1954,
29795,
72,
11,
4808,
73,
60,
796,
2264,
265,
7,
4853,
21592,
62,
1954,
29795,
72,
11,
4808,
73,
35944,
35636,
628,
628,
628,
628,
198,
198,
4299,
1332,
62,
6738,
62,
35636,
33529,
198,
220,
220,
220,
37227,
24243,
1096,
422,
34062,
286,
10662,
15,
2884,
6121,
17593,
37811,
198,
220,
220,
220,
10662,
796,
2264,
265,
7,
80,
15,
13,
35636,
13,
7645,
3455,
28955,
198,
220,
220,
220,
6818,
45941,
13,
439,
19836,
7,
80,
13,
80,
58,
15,
4357,
532,
15,
13,
2075,
5332,
2327,
6469,
8,
198,
220,
220,
220,
6818,
45941,
13,
439,
19836,
7,
80,
13,
80,
58,
16,
4357,
657,
13,
1415,
2780,
3695,
1485,
8,
198,
220,
220,
220,
6818,
45941,
13,
439,
19836,
7,
80,
13,
80,
58,
17,
4357,
532,
15,
13,
16799,
37601,
2598,
8,
198,
220,
220,
220,
6818,
45941,
13,
439,
19836,
7,
80,
13,
80,
58,
18,
4357,
657,
13,
5824,
2718,
1415,
2623,
8,
628,
220,
220,
220,
10662,
796,
2264,
265,
7,
80,
15,
13,
35636,
8,
198,
220,
220,
220,
6818,
45941,
13,
439,
19836,
7,
80,
13,
2487,
15,
11,
1542,
8,
198,
220,
220,
220,
6818,
45941,
13,
439,
19836,
7,
80,
13,
430,
15,
11,
838,
8,
628,
220,
220,
220,
10662,
16,
796,
2264,
265,
7,
35636,
28,
80,
15,
13,
35636,
8,
198,
220,
220,
220,
6818,
45941,
13,
439,
7,
80,
16,
13,
80,
6624,
10662,
13,
80,
8,
628,
628,
628,
628,
628,
198,
4299,
1332,
62,
31364,
62,
1462,
62,
1416,
282,
283,
62,
10215,
5546,
594,
33529,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
17427,
1332,
326,
477,
1744,
6121,
22963,
1577,
262,
976,
198,
220,
220,
220,
3280,
618,
1760,
287,
15879,
1143,
1296,
355,
484,
466,
329,
262,
16578,
283,
2196,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
379,
349,
796,
352,
68,
12,
1065,
628,
220,
220,
220,
1303,
23412,
1602,
21592,
468,
4836,
407,
287,
657,
25,
15277,
11,
523,
4259,
326,
329,
17909,
13,
198,
220,
220,
220,
37430,
62,
1954,
796,
1602,
21592,
62,
1954,
13,
30073,
3419,
198,
220,
220,
220,
3487,
1096,
62,
27787,
7,
27363,
62,
1954,
58,
986,
11,
532,
16,
4357,
657,
11,
11470,
8,
628,
220,
220,
220,
1303,
27814,
15879,
1143,
2653,
602,
329,
477,
1744,
5128,
14,
22915,
33510,
198,
220,
220,
220,
1303,
351,
262,
976,
329,
262,
16578,
283,
17952,
13,
198,
220,
220,
220,
10662,
796,
2264,
265,
7,
4853,
21592,
28,
4853,
21592,
62,
1954,
8,
198,
220,
220,
220,
6818,
45941,
13,
439,
7,
80,
13,
80,
6624,
10662,
62,
1954,
8,
198,
220,
220,
220,
6818,
45941,
13,
439,
7,
80,
13,
4853,
21592,
6624,
1602,
21592,
62,
1954,
8,
198,
220,
220,
220,
6818,
45941,
13,
439,
7,
80,
13,
35636,
6624,
6121,
62,
1954,
8,
628,
220,
220,
220,
10662,
796,
2264,
265,
7,
80,
28,
80,
62,
1954,
8,
198,
220,
220,
220,
6818,
45941,
13,
439,
7,
80,
13,
80,
6624,
10662,
62,
1954,
8,
198,
220,
220,
220,
6818,
45941,
13,
439,
19836,
7,
80,
13,
4853,
21592,
11,
37430,
62,
1954,
11,
374,
83,
349,
28,
15,
11,
379,
349,
28,
265,
349,
8,
198,
220,
220,
220,
6818,
45941,
13,
439,
19836,
7,
80,
13,
35636,
11,
6121,
62,
1954,
11,
374,
83,
349,
28,
15,
11,
379,
349,
28,
265,
349,
8,
628,
220,
220,
220,
10662,
796,
2264,
265,
7,
35636,
28,
35636,
62,
1954,
8,
198,
220,
220,
220,
6818,
45941,
13,
439,
19836,
7,
80,
13,
80,
11,
10662,
62,
1954,
11,
374,
83,
349,
28,
15,
11,
379,
349,
28,
265,
349,
8,
198,
220,
220,
220,
6818,
45941,
13,
439,
19836,
7,
80,
13,
4853,
21592,
11,
37430,
62,
1954,
11,
374,
83,
349,
28,
15,
11,
379,
349,
28,
265,
349,
8,
198,
220,
220,
220,
6818,
45941,
13,
439,
7,
80,
13,
35636,
6624,
6121,
62,
1954,
8,
628,
628,
198,
4299,
1332,
62,
77,
39223,
62,
4625,
11125,
33529,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
6208,
649,
2438,
357,
35993,
8,
329,
35575,
2071,
3740,
1378,
12567,
13,
785,
14,
82,
313,
14,
4507,
9205,
295,
14,
37165,
14,
16,
13,
198,
220,
220,
220,
1002,
428,
2438,
318,
407,
3017,
788,
262,
1332,
10143,
351,
257,
16320,
43961,
12331,
3712,
628,
220,
220,
220,
220,
220,
220,
220,
530,
62,
40191,
62,
87,
77,
17,
796,
352,
532,
2124,
77,
1174,
17,
198,
220,
220,
220,
220,
220,
220,
220,
611,
530,
62,
40191,
62,
87,
77,
17,
1279,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
530,
62,
40191,
62,
87,
77,
17,
1279,
532,
16,
68,
12,
1065,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
11052,
12331,
10786,
52,
42072,
4633,
2593,
25,
23884,
4458,
18982,
7,
505,
62,
40191,
62,
87,
77,
17,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
530,
62,
40191,
62,
87,
77,
17,
796,
657,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
627,
265,
796,
2264,
265,
19510,
15,
11,
657,
11,
657,
4008,
198,
220,
220,
220,
9848,
796,
657,
198,
220,
220,
220,
981,
9848,
1279,
11470,
25,
198,
220,
220,
220,
220,
220,
220,
220,
10662,
796,
2264,
265,
19510,
15,
11,
9848,
11,
657,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
627,
265,
796,
10662,
1635,
627,
265,
198,
220,
220,
220,
220,
220,
220,
220,
4808,
796,
627,
265,
13,
4853,
21592,
198,
220,
220,
220,
220,
220,
220,
220,
9848,
15853,
657,
13,
16,
628,
628,
628,
628,
198,
4299,
1332,
62,
16680,
62,
392,
62,
49506,
62,
36654,
2701,
276,
33529,
198,
220,
220,
220,
37227,
14402,
1963,
290,
25979,
627,
265,
286,
2264,
1381,
351,
1180,
475,
7025,
540,
15268,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
10662,
17,
796,
2264,
265,
7,
4853,
21592,
28,
37659,
13,
283,
858,
7,
1507,
737,
3447,
1758,
7,
18,
11,
362,
11,
513,
4008,
198,
220,
220,
220,
10662,
16,
796,
2264,
265,
7,
4853,
21592,
28,
30109,
940,
11,
1160,
11,
1542,
4357,
685,
1821,
11,
2026,
11,
3126,
11907,
8,
198,
220,
220,
220,
10662,
15,
796,
2264,
265,
7,
4853,
21592,
41888,
940,
11,
1160,
11,
1542,
12962,
198,
220,
220,
220,
1303,
357,
18,
11,
17,
8,
1635,
7499,
796,
357,
18,
11,
17,
8,
198,
220,
220,
220,
10662,
1238,
796,
10662,
17,
1635,
10662,
15,
198,
220,
220,
220,
288,
80,
1238,
796,
10662,
17,
13,
49506,
7,
80,
15,
8,
198,
220,
220,
220,
6818,
10662,
1238,
13,
43358,
6624,
357,
18,
11,
362,
8,
198,
220,
220,
220,
6818,
288,
80,
1238,
13,
43358,
6624,
357,
18,
11,
362,
8,
198,
220,
220,
220,
329,
21065,
287,
2837,
7,
18,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
329,
474,
73,
287,
2837,
7,
17,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10662,
80,
796,
10662,
17,
58,
4178,
11,
474,
73,
60,
1635,
10662,
15,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
288,
80,
796,
10662,
17,
58,
4178,
11,
474,
73,
4083,
49506,
7,
80,
15,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6818,
45941,
13,
439,
19836,
7,
38227,
13,
80,
11,
10662,
1238,
13,
80,
58,
4178,
11,
474,
73,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6818,
45941,
13,
439,
19836,
7,
49506,
13,
80,
11,
288,
80,
1238,
13,
80,
58,
4178,
11,
474,
73,
12962,
628,
220,
220,
220,
1303,
357,
18,
11,
17,
8,
1635,
357,
17,
35751,
796,
357,
18,
11,
17,
8,
198,
220,
220,
220,
10662,
2481,
796,
10662,
17,
1635,
10662,
16,
198,
220,
220,
220,
288,
80,
2481,
796,
10662,
17,
13,
49506,
7,
80,
16,
8,
198,
220,
220,
220,
6818,
10662,
2481,
13,
43358,
6624,
357,
18,
11,
362,
8,
198,
220,
220,
220,
6818,
288,
80,
2481,
13,
43358,
6624,
357,
18,
11,
362,
8,
198,
220,
220,
220,
329,
21065,
287,
2837,
7,
18,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
329,
474,
73,
287,
2837,
7,
17,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10662,
80,
796,
10662,
17,
58,
4178,
11,
474,
73,
60,
1635,
10662,
16,
58,
41098,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
288,
80,
796,
10662,
17,
58,
4178,
11,
474,
73,
4083,
49506,
7,
80,
16,
58,
41098,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6818,
45941,
13,
439,
19836,
7,
38227,
13,
80,
11,
10662,
2481,
13,
80,
58,
4178,
11,
474,
73,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6818,
45941,
13,
439,
19836,
7,
49506,
13,
80,
11,
288,
80,
2481,
13,
80,
58,
4178,
11,
474,
73,
12962,
628,
198,
198,
4299,
1332,
62,
27729,
293,
33529,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
12346,
293,
2393,
7560,
1262,
2264,
9205,
295,
410,
18,
13,
19,
13,
16,
25,
628,
220,
220,
220,
220,
220,
220,
220,
422,
2264,
9205,
295,
1330,
2264,
265,
198,
220,
220,
220,
220,
220,
220,
220,
1330,
2298,
293,
198,
220,
220,
220,
220,
220,
220,
220,
10662,
796,
2264,
265,
26933,
940,
1539,
1160,
1539,
1542,
8183,
8,
198,
220,
220,
220,
220,
220,
220,
220,
627,
1381,
796,
685,
4507,
265,
7,
80,
13,
80,
828,
2264,
265,
7,
80,
13,
35636,
828,
2264,
265,
7,
80,
13,
4853,
21592,
15437,
198,
220,
220,
220,
220,
220,
220,
220,
627,
1381,
13,
33295,
7,
80,
8,
198,
220,
220,
220,
220,
220,
220,
220,
351,
1280,
10786,
421,
9205,
295,
12,
85,
18,
13,
19,
13,
16,
13,
79,
41582,
3256,
705,
39346,
11537,
355,
277,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2298,
293,
13,
39455,
7,
421,
1381,
11,
277,
8,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1303,
4856,
356,
460,
8593,
39423,
4697,
6300,
198,
220,
220,
220,
29472,
796,
28686,
13,
6978,
13,
22179,
7,
418,
13,
6978,
13,
15908,
3672,
7,
834,
7753,
834,
828,
705,
7890,
3256,
705,
421,
9205,
295,
12,
85,
18,
13,
19,
13,
16,
13,
79,
41582,
11537,
198,
220,
220,
220,
351,
1280,
7,
34345,
11,
705,
26145,
11537,
355,
277,
25,
198,
220,
220,
220,
220,
220,
220,
220,
627,
9205,
507,
796,
2298,
293,
13,
2220,
7,
69,
8,
198,
220,
220,
220,
329,
10662,
287,
627,
9205,
507,
25,
198,
220,
220,
220,
220,
220,
220,
220,
6818,
45941,
13,
439,
7,
37659,
13,
271,
19836,
7,
80,
13,
80,
11,
685,
15,
13,
2075,
5332,
2327,
6469,
11,
532,
15,
13,
1415,
2780,
3695,
1485,
11,
657,
13,
16799,
37601,
2598,
11,
657,
13,
5824,
2718,
1415,
2623,
60,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
6818,
45941,
13,
439,
7,
37659,
13,
271,
19836,
7,
80,
13,
4853,
21592,
11,
685,
940,
1539,
1160,
1539,
1542,
8183,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
6818,
45941,
13,
439,
7,
37659,
13,
271,
19836,
7,
80,
13,
35636,
11,
16410,
15,
13,
24,
24970,
1433,
3365,
11,
532,
15,
13,
36042,
3720,
38907,
11,
532,
15,
13,
1238,
2780,
4524,
1485,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
15,
13,
24136,
1558,
48952,
11,
657,
13,
23,
1954,
1558,
27696,
11,
532,
15,
13,
4051,
2548,
2548,
1415,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
15,
13,
2682,
1238,
4967,
11,
657,
13,
19,
39357,
3510,
3132,
11,
657,
13,
23,
1485,
3720,
30610,
11907,
4008,
628,
198,
198,
4299,
1332,
62,
10599,
378,
62,
87,
62,
1462,
62,
35138,
62,
2301,
601,
33529,
198,
220,
220,
220,
37227,
6425,
326,
3872,
3815,
389,
655,
2482,
422,
2656,
2438,
287,
3661,
64,
13,
421,
265,
22602,
13,
198,
220,
220,
220,
1119,
423,
407,
587,
14799,
31031,
37811,
198,
220,
220,
220,
43030,
796,
685,
16,
11,
362,
11,
513,
60,
198,
220,
220,
220,
10662,
796,
2264,
265,
13,
10599,
378,
62,
87,
62,
1462,
62,
35138,
7,
35138,
8,
220,
1303,
2446,
11639,
27585,
66,
3256,
4277,
198,
220,
220,
220,
6818,
45941,
13,
439,
19836,
7,
80,
13,
80,
11,
685,
15,
13,
1954,
3365,
23726,
11,
532,
15,
13,
2548,
1314,
2816,
2670,
11,
657,
13,
42947,
5774,
2425,
11,
657,
13,
40761,
1983,
29331,
12962,
628,
220,
220,
220,
10662,
796,
2264,
265,
13,
10599,
378,
62,
87,
62,
1462,
62,
35138,
7,
35138,
11,
2446,
11639,
19509,
395,
11537,
198,
220,
220,
220,
6818,
45941,
13,
439,
19836,
7,
80,
13,
80,
11,
685,
15,
1539,
532,
15,
13,
1120,
2623,
1983,
1507,
11,
657,
13,
27326,
2425,
20964,
11,
657,
13,
3720,
8054,
24,
1507,
12962,
628,
220,
220,
220,
10662,
796,
2264,
265,
13,
10599,
378,
62,
87,
62,
1462,
62,
35138,
7,
35138,
11,
2446,
11639,
14894,
62,
89,
11537,
198,
220,
220,
220,
6818,
45941,
13,
439,
19836,
7,
80,
13,
80,
11,
25915,
15,
13,
1433,
2075,
3865,
2598,
11,
532,
15,
13,
3980,
1433,
1129,
2718,
11,
657,
13,
18182,
47760,
4521,
11,
657,
13,
40393,
21261,
1495,
12962,
628,
198,
31,
9078,
9288,
13,
4102,
13,
17143,
316,
380,
2736,
10786,
24396,
3256,
19203,
14894,
62,
89,
3256,
705,
19509,
395,
3256,
705,
27585,
66,
6,
4008,
628,
628,
198,
198,
31,
9078,
9288,
13,
4102,
13,
17143,
316,
380,
2736,
10786,
35226,
3256,
37250,
80,
3256,
705,
4853,
21592,
3256,
705,
35636,
6,
12962,
198
] | 2.027441 | 2,806 |
#!/usr/bin/env python
#===============================================================================
# Copyright (c) 2014 Geoscience Australia
# All rights reserved.
#
# Redistribution and use in source and binary forms, with or without
# modification, are permitted provided that the following conditions are met:
# * Redistributions of source code must retain the above copyright
# notice, this list of conditions and the following disclaimer.
# * Redistributions in binary form must reproduce the above copyright
# notice, this list of conditions and the following disclaimer in the
# documentation and/or other materials provided with the distribution.
# * Neither Geoscience Australia nor the names of its contributors may be
# used to endorse or promote products derived from this software
# without specific prior written permission.
#
# THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND
# ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED
# WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE
# DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS BE LIABLE FOR ANY
# DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES
# (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES;
# LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND
# ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT
# (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS
# SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE.
#===============================================================================
'''
Created on 12/03/2015
@author: Alex Ip
Tests for the gdf._ConfigFile.py module.
'''
import os
import unittest
from gdf._config_file import ConfigFile
#
# Test cases
#
# pylint: disable=too-many-public-methods
#
# Disabled to avoid complaints about the unittest.TestCase class.
#
class TestConfigFile(unittest.TestCase):
"""Unit tests for utility functions."""
MODULE = 'gdf._config_file'
SUITE = 'TestConfigFile'
def test_ConfigFile(self):
"Test ConfigFile constructor"
# Default config file should be ../gdf/gdf_default.conf
default_config_file = os.path.join(os.path.dirname(os.path.dirname(__file__)), 'gdf', 'gdf_default.conf')
config_file_object = ConfigFile(default_config_file)
assert config_file_object.path == os.path.abspath(default_config_file), 'path property is not set correctly'
#
# Define test suites
#
def test_suite():
"""Returns a test suite of all the tests in this module."""
test_classes = [TestConfigFile
]
suite_list = map(unittest.defaultTestLoader.loadTestsFromTestCase,
test_classes)
suite = unittest.TestSuite(suite_list)
return suite
# Define main function
#
# Run unit tests if in __main__
#
if __name__ == '__main__':
main()
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
201,
198,
201,
198,
2,
23926,
25609,
18604,
201,
198,
2,
15069,
357,
66,
8,
220,
1946,
2269,
418,
4234,
4505,
201,
198,
2,
1439,
2489,
10395,
13,
201,
198,
2,
220,
201,
198,
2,
2297,
396,
3890,
290,
779,
287,
2723,
290,
13934,
5107,
11,
351,
393,
1231,
201,
198,
2,
17613,
11,
389,
10431,
2810,
326,
262,
1708,
3403,
389,
1138,
25,
201,
198,
2,
220,
220,
220,
220,
1635,
2297,
396,
2455,
507,
286,
2723,
2438,
1276,
12377,
262,
2029,
6634,
201,
198,
2,
220,
220,
220,
220,
220,
220,
4003,
11,
428,
1351,
286,
3403,
290,
262,
1708,
37592,
13,
201,
198,
2,
220,
220,
220,
220,
1635,
2297,
396,
2455,
507,
287,
13934,
1296,
1276,
22919,
262,
2029,
6634,
201,
198,
2,
220,
220,
220,
220,
220,
220,
4003,
11,
428,
1351,
286,
3403,
290,
262,
1708,
37592,
287,
262,
201,
198,
2,
220,
220,
220,
220,
220,
220,
10314,
290,
14,
273,
584,
5696,
2810,
351,
262,
6082,
13,
201,
198,
2,
220,
220,
220,
220,
1635,
16126,
2269,
418,
4234,
4505,
4249,
262,
3891,
286,
663,
20420,
743,
307,
201,
198,
2,
220,
220,
220,
220,
220,
220,
973,
284,
11438,
393,
7719,
3186,
10944,
422,
428,
3788,
201,
198,
2,
220,
220,
220,
220,
220,
220,
1231,
2176,
3161,
3194,
7170,
13,
201,
198,
2,
220,
201,
198,
2,
12680,
47466,
3180,
36592,
2389,
1961,
11050,
3336,
27975,
38162,
9947,
367,
15173,
4877,
5357,
27342,
9865,
3843,
20673,
366,
1921,
3180,
1,
5357,
201,
198,
2,
15529,
7788,
32761,
6375,
8959,
49094,
34764,
11015,
11,
47783,
2751,
11,
21728,
5626,
40880,
5390,
11,
3336,
8959,
49094,
201,
198,
2,
34764,
11015,
3963,
34482,
3398,
1565,
5603,
25382,
5357,
376,
46144,
7473,
317,
16652,
2149,
37232,
33079,
48933,
15986,
201,
198,
2,
13954,
48778,
1961,
13,
3268,
8005,
49261,
50163,
3336,
27975,
38162,
9947,
49707,
14418,
6375,
27342,
9865,
3843,
20673,
9348,
43031,
19146,
7473,
15529,
201,
198,
2,
42242,
11,
3268,
17931,
23988,
11,
19387,
25256,
1847,
11,
38846,
11,
7788,
3620,
6489,
13153,
11,
6375,
7102,
5188,
10917,
3525,
12576,
29506,
25552,
201,
198,
2,
357,
1268,
39149,
2751,
11,
21728,
5626,
40880,
5390,
11,
41755,
11335,
10979,
3963,
28932,
2257,
2043,
37780,
21090,
50,
6375,
49254,
26,
201,
198,
2,
406,
18420,
3963,
23210,
11,
42865,
11,
6375,
4810,
19238,
29722,
26,
6375,
43949,
44180,
23255,
49,
8577,
24131,
8,
29630,
36,
5959,
7257,
2937,
1961,
5357,
201,
198,
2,
6177,
15529,
3336,
15513,
3963,
43031,
25382,
11,
7655,
2767,
16879,
3268,
27342,
10659,
11,
19269,
18379,
43031,
25382,
11,
6375,
309,
9863,
201,
198,
2,
357,
1268,
39149,
2751,
399,
7156,
43,
3528,
18310,
6375,
25401,
54,
24352,
8,
5923,
1797,
2751,
3268,
15529,
34882,
16289,
3963,
3336,
23210,
3963,
12680,
201,
198,
2,
47466,
11,
45886,
16876,
5984,
29817,
1961,
3963,
3336,
28069,
11584,
25382,
3963,
13558,
3398,
29506,
11879,
13,
201,
198,
2,
23926,
25609,
18604,
201,
198,
201,
198,
7061,
6,
201,
198,
41972,
319,
1105,
14,
3070,
14,
4626,
201,
198,
201,
198,
31,
9800,
25,
4422,
314,
79,
201,
198,
201,
198,
51,
3558,
329,
262,
308,
7568,
13557,
16934,
8979,
13,
9078,
8265,
13,
201,
198,
7061,
6,
201,
198,
11748,
28686,
201,
198,
11748,
555,
715,
395,
201,
198,
201,
198,
6738,
308,
7568,
13557,
11250,
62,
7753,
1330,
17056,
8979,
201,
198,
201,
198,
2,
201,
198,
2,
6208,
2663,
201,
198,
2,
201,
198,
201,
198,
2,
279,
2645,
600,
25,
15560,
28,
18820,
12,
21834,
12,
11377,
12,
24396,
82,
201,
198,
2,
201,
198,
2,
43201,
284,
3368,
9687,
546,
262,
555,
715,
395,
13,
14402,
20448,
1398,
13,
201,
198,
2,
201,
198,
201,
198,
201,
198,
4871,
6208,
16934,
8979,
7,
403,
715,
395,
13,
14402,
20448,
2599,
201,
198,
220,
220,
220,
37227,
26453,
5254,
329,
10361,
5499,
526,
15931,
201,
198,
201,
198,
220,
220,
220,
33893,
796,
705,
70,
7568,
13557,
11250,
62,
7753,
6,
201,
198,
220,
220,
220,
13558,
12709,
796,
705,
14402,
16934,
8979,
6,
201,
198,
201,
198,
220,
220,
220,
825,
1332,
62,
16934,
8979,
7,
944,
2599,
201,
198,
220,
220,
220,
220,
220,
220,
220,
366,
14402,
17056,
8979,
23772,
1,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
201,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
15161,
4566,
2393,
815,
307,
11485,
14,
70,
7568,
14,
70,
7568,
62,
12286,
13,
10414,
201,
198,
220,
220,
220,
220,
220,
220,
220,
4277,
62,
11250,
62,
7753,
796,
28686,
13,
6978,
13,
22179,
7,
418,
13,
6978,
13,
15908,
3672,
7,
418,
13,
6978,
13,
15908,
3672,
7,
834,
7753,
834,
36911,
705,
70,
7568,
3256,
705,
70,
7568,
62,
12286,
13,
10414,
11537,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
201,
198,
220,
220,
220,
220,
220,
220,
220,
4566,
62,
7753,
62,
15252,
796,
17056,
8979,
7,
12286,
62,
11250,
62,
7753,
8,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
201,
198,
220,
220,
220,
220,
220,
220,
220,
6818,
4566,
62,
7753,
62,
15252,
13,
6978,
6624,
28686,
13,
6978,
13,
397,
2777,
776,
7,
12286,
62,
11250,
62,
7753,
828,
705,
6978,
3119,
318,
407,
900,
9380,
6,
201,
198,
201,
198,
2,
201,
198,
2,
2896,
500,
1332,
45861,
201,
198,
2,
201,
198,
4299,
1332,
62,
2385,
578,
33529,
201,
198,
220,
220,
220,
37227,
35561,
257,
1332,
18389,
286,
477,
262,
5254,
287,
428,
8265,
526,
15931,
201,
198,
201,
198,
220,
220,
220,
1332,
62,
37724,
796,
685,
14402,
16934,
8979,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2361,
201,
198,
201,
198,
220,
220,
220,
18389,
62,
4868,
796,
3975,
7,
403,
715,
395,
13,
12286,
14402,
17401,
13,
2220,
51,
3558,
4863,
14402,
20448,
11,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1332,
62,
37724,
8,
201,
198,
201,
198,
220,
220,
220,
18389,
796,
555,
715,
395,
13,
14402,
5606,
578,
7,
2385,
578,
62,
4868,
8,
201,
198,
201,
198,
220,
220,
220,
1441,
18389,
201,
198,
201,
198,
2,
2896,
500,
1388,
2163,
201,
198,
220,
220,
220,
220,
201,
198,
2,
201,
198,
2,
5660,
4326,
5254,
611,
287,
11593,
12417,
834,
201,
198,
2,
201,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
201,
198,
220,
220,
220,
1388,
3419,
201,
198
] | 2.876476 | 1,101 |
if __name__ == "__main__":
print("The upper bound of P(A∪B) = P(A) + P(B)\n")
print("The lower bound of P(A∪B) = max(P(A), P(B))\n")
print("The upper bound of P(A∩B) = max(P(A), P(B))\n")
print("The lower bound of P(A∩B) = 0\n")
| [
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
201,
198,
220,
220,
220,
3601,
7203,
464,
6727,
5421,
286,
350,
7,
32,
24861,
103,
33,
8,
796,
350,
7,
32,
8,
1343,
350,
7,
33,
19415,
77,
4943,
201,
198,
220,
220,
220,
3601,
7203,
464,
2793,
5421,
286,
350,
7,
32,
24861,
103,
33,
8,
796,
3509,
7,
47,
7,
32,
828,
350,
7,
33,
4008,
59,
77,
4943,
201,
198,
220,
220,
220,
3601,
7203,
464,
6727,
5421,
286,
350,
7,
32,
24861,
102,
33,
8,
796,
3509,
7,
47,
7,
32,
828,
350,
7,
33,
4008,
59,
77,
4943,
201,
198,
220,
220,
220,
3601,
7203,
464,
2793,
5421,
286,
350,
7,
32,
24861,
102,
33,
8,
796,
657,
59,
77,
4943,
201,
198
] | 1.937984 | 129 |
import pytest
from pype import *
__author__ = "Mynti207"
__copyright__ = "Mynti207"
__license__ = "mit"
| [
11748,
12972,
9288,
198,
6738,
279,
2981,
1330,
1635,
198,
198,
834,
9800,
834,
796,
366,
3666,
429,
72,
22745,
1,
198,
834,
22163,
4766,
834,
796,
366,
3666,
429,
72,
22745,
1,
198,
834,
43085,
834,
796,
366,
2781,
1,
628
] | 2.52381 | 42 |
# -*- coding: utf-8 -*-
#
# Copyright (C) 2012 Tommy Winther
# http://tommy.winther.nu
#
# Modified for FTV Guide (09/2014 onwards)
# by Thomas Geppert [bluezed] - [email protected]
#
# 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, 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; see the file LICENSE.txt. If not, write to
# the Free Software Foundation, 675 Mass Ave, Cambridge, MA 02139, USA.
# http://www.gnu.org/copyleft/gpl.html
#
import xbmcaddon
ADDON = xbmcaddon.Addon(id = 'script.ftvguide')
NO_DESCRIPTION = 30000
CALCULATING_REMAINING_TIME = 30002
TIME_LEFT = 30003
BACKGROUND_UPDATE_IN_PROGRESS = 30004
NO_PROGRAM_AVAILABLE = 30009
NO_STREAM_AVAILABLE_TITLE = 30100
NO_STREAM_AVAILABLE_LINE1 = 30101
NO_STREAM_AVAILABLE_LINE2 = 30102
CLEAR_CACHE = 30104
CLEAR_NOTIFICATIONS = 30108
DONE = 30105
LOAD_ERROR_TITLE = 30150
LOAD_ERROR_LINE1 = 30151
LOAD_ERROR_LINE2 = 30152
CONFIGURATION_ERROR_LINE2 = 30153
SKIN_ERROR_LINE1 = 30154
SKIN_ERROR_LINE2 = 30155
SKIN_ERROR_LINE3 = 30156
NOTIFICATION_5_MINS = 30200
NOTIFICATION_NOW = 30201
WATCH_CHANNEL = 30300
REMIND_PROGRAM = 30301
DONT_REMIND_PROGRAM = 30302
CHOOSE_STRM_FILE = 30304
REMOVE_STRM_FILE = 30306
PREVIEW_STREAM = 30604
STOP_PREVIEW = 30607
WEEBTV_WEBTV_MISSING_1 = 30802
WEEBTV_WEBTV_MISSING_2 = 30803
WEEBTV_WEBTV_MISSING_3 = 30804
DATABASE_SCHEMA_ERROR_1 = 30157
DATABASE_SCHEMA_ERROR_2 = 30158
DATABASE_SCHEMA_ERROR_3 = 30159
FETCH_ERROR_TITLE = 31000
FETCH_ERROR_LINE1 = 31001
FETCH_ERROR_LINE2 = 31002
| [
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
201,
198,
2,
201,
198,
2,
220,
220,
220,
220,
220,
15069,
357,
34,
8,
2321,
19919,
7178,
490,
201,
198,
2,
220,
220,
220,
220,
220,
2638,
1378,
39532,
1820,
13,
5404,
490,
13,
28803,
201,
198,
2,
201,
198,
2,
220,
220,
220,
220,
220,
40499,
329,
376,
6849,
10005,
357,
2931,
14,
4967,
31719,
8,
201,
198,
2,
220,
220,
220,
220,
220,
416,
5658,
2269,
381,
861,
685,
17585,
8863,
60,
532,
4171,
8863,
13,
18211,
31,
14816,
13,
785,
201,
198,
2,
201,
198,
2,
220,
770,
6118,
318,
1479,
3788,
26,
345,
460,
17678,
4163,
340,
290,
14,
273,
13096,
201,
198,
2,
220,
340,
739,
262,
2846,
286,
262,
22961,
3611,
5094,
13789,
355,
3199,
416,
201,
198,
2,
220,
262,
3232,
10442,
5693,
26,
2035,
2196,
362,
11,
393,
357,
265,
534,
3038,
8,
201,
198,
2,
220,
597,
1568,
2196,
13,
201,
198,
2,
201,
198,
2,
220,
770,
6118,
318,
9387,
287,
262,
2911,
326,
340,
481,
307,
4465,
11,
201,
198,
2,
220,
475,
42881,
15529,
34764,
56,
26,
1231,
772,
262,
17142,
18215,
286,
201,
198,
2,
220,
34482,
3398,
1565,
5603,
25382,
393,
376,
46144,
7473,
317,
16652,
2149,
37232,
33079,
48933,
13,
4091,
262,
201,
198,
2,
220,
22961,
3611,
5094,
13789,
329,
517,
3307,
13,
201,
198,
2,
201,
198,
2,
220,
921,
815,
423,
2722,
257,
4866,
286,
262,
22961,
3611,
5094,
13789,
201,
198,
2,
220,
1863,
351,
428,
6118,
26,
766,
262,
2393,
38559,
24290,
13,
14116,
13,
220,
1002,
407,
11,
3551,
284,
201,
198,
2,
220,
262,
3232,
10442,
5693,
11,
718,
2425,
5674,
12761,
11,
14457,
11,
8779,
7816,
20219,
11,
4916,
13,
201,
198,
2,
220,
2638,
1378,
2503,
13,
41791,
13,
2398,
14,
22163,
2349,
701,
14,
70,
489,
13,
6494,
201,
198,
2,
201,
198,
11748,
2124,
20475,
66,
48078,
201,
198,
201,
198,
29266,
1340,
796,
2124,
20475,
66,
48078,
13,
4550,
261,
7,
312,
796,
705,
12048,
13,
701,
85,
41311,
11537,
201,
198,
201,
198,
15285,
62,
30910,
40165,
796,
513,
2388,
201,
198,
34,
1847,
34,
6239,
33881,
62,
2200,
5673,
1268,
2751,
62,
34694,
796,
20343,
17,
201,
198,
34694,
62,
2538,
9792,
796,
20343,
18,
201,
198,
31098,
46025,
62,
16977,
62,
1268,
62,
4805,
49656,
7597,
796,
20343,
19,
201,
198,
201,
198,
15285,
62,
4805,
7730,
24115,
62,
10116,
32,
4146,
17534,
796,
20343,
24,
201,
198,
201,
198,
15285,
62,
2257,
32235,
62,
10116,
32,
4146,
17534,
62,
49560,
2538,
796,
25643,
405,
201,
198,
15285,
62,
2257,
32235,
62,
10116,
32,
4146,
17534,
62,
24027,
16,
796,
25643,
486,
201,
198,
15285,
62,
2257,
32235,
62,
10116,
32,
4146,
17534,
62,
24027,
17,
796,
25643,
2999,
201,
198,
201,
198,
29931,
1503,
62,
34,
2246,
13909,
796,
25643,
3023,
201,
198,
29931,
1503,
62,
11929,
30643,
18421,
796,
25643,
2919,
201,
198,
35,
11651,
796,
25643,
2713,
201,
198,
201,
198,
35613,
62,
24908,
62,
49560,
2538,
796,
25643,
1120,
201,
198,
35613,
62,
24908,
62,
24027,
16,
796,
25643,
4349,
201,
198,
35613,
62,
24908,
62,
24027,
17,
796,
25643,
4309,
201,
198,
10943,
16254,
4261,
6234,
62,
24908,
62,
24027,
17,
796,
25643,
4310,
201,
198,
201,
198,
18831,
1268,
62,
24908,
62,
24027,
16,
796,
25643,
4051,
201,
198,
18831,
1268,
62,
24908,
62,
24027,
17,
796,
25643,
2816,
201,
198,
18831,
1268,
62,
24908,
62,
24027,
18,
796,
25643,
3980,
201,
198,
201,
198,
11929,
30643,
6234,
62,
20,
62,
44,
20913,
796,
1542,
2167,
201,
198,
11929,
30643,
6234,
62,
45669,
796,
1542,
1264,
201,
198,
201,
198,
35192,
62,
3398,
22846,
3698,
796,
1542,
6200,
201,
198,
40726,
12115,
62,
4805,
7730,
24115,
796,
1542,
18938,
201,
198,
35,
35830,
62,
40726,
12115,
62,
4805,
7730,
24115,
796,
1542,
22709,
201,
198,
44899,
14058,
62,
18601,
44,
62,
25664,
796,
1542,
21288,
201,
198,
2200,
11770,
6089,
62,
18601,
44,
62,
25664,
796,
1542,
20548,
201,
198,
201,
198,
46437,
28206,
62,
2257,
32235,
796,
1542,
31916,
201,
198,
2257,
3185,
62,
46437,
28206,
796,
1542,
31980,
201,
198,
201,
198,
54,
6500,
33,
6849,
62,
8845,
33,
6849,
62,
44,
16744,
2751,
62,
16,
796,
1542,
30863,
201,
198,
54,
6500,
33,
6849,
62,
8845,
33,
6849,
62,
44,
16744,
2751,
62,
17,
796,
1542,
43564,
201,
198,
54,
6500,
33,
6849,
62,
8845,
33,
6849,
62,
44,
16744,
2751,
62,
18,
796,
1542,
36088,
201,
198,
201,
198,
35,
1404,
6242,
11159,
62,
50,
3398,
27630,
62,
24908,
62,
16,
796,
25643,
3553,
201,
198,
35,
1404,
6242,
11159,
62,
50,
3398,
27630,
62,
24908,
62,
17,
796,
25643,
3365,
201,
198,
35,
1404,
6242,
11159,
62,
50,
3398,
27630,
62,
24908,
62,
18,
796,
25643,
3270,
201,
198,
201,
198,
37,
2767,
3398,
62,
24908,
62,
49560,
2538,
796,
3261,
830,
201,
198,
37,
2767,
3398,
62,
24908,
62,
24027,
16,
796,
513,
47705,
201,
198,
37,
2767,
3398,
62,
24908,
62,
24027,
17,
796,
513,
3064,
17,
201
] | 2.431579 | 855 |
#!/usr/bin/env python
# -*- encoding: utf-8 -*-
'''
@File : imports.py
@Time : 2020/05/07 23:59:19
@Author : Benjin Zhu
@Contact : [email protected]
@Last Modified by : Benjin Zhu
@Last Modified time : 2020/05/07 23:59:19
'''
import imp
def dynamic_import(config_name, config_path):
"""
Dynamic import a project.
Args:
config_name (str): module name
config_path (str): the dir that contains the .py with this module.
Examples::
>>> root = "/data/repos/cvpods_playground/zhubenjin/retinanet/"
>>> project = root + "retinanet.res50.fpn.coco.800size.1x.mrcnn_sigmoid"
>>> cfg = dynamic_import("config", project).config
>>> net = dynamic_import("net", project)
"""
fp, pth, desc = imp.find_module(config_name, [config_path])
return imp.load_module(config_name, fp, pth, desc)
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
198,
2,
532,
9,
12,
21004,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
7061,
6,
198,
31,
8979,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1058,
220,
220,
17944,
13,
9078,
198,
31,
7575,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1058,
220,
220,
12131,
14,
2713,
14,
2998,
2242,
25,
3270,
25,
1129,
198,
31,
13838,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1058,
220,
220,
3932,
18594,
33144,
198,
31,
17829,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1058,
220,
220,
279,
702,
998,
84,
31,
14816,
13,
785,
198,
31,
5956,
40499,
416,
220,
220,
1058,
220,
220,
3932,
18594,
33144,
198,
31,
5956,
40499,
640,
1058,
220,
220,
12131,
14,
2713,
14,
2998,
2242,
25,
3270,
25,
1129,
198,
7061,
6,
198,
198,
11748,
848,
628,
198,
4299,
8925,
62,
11748,
7,
11250,
62,
3672,
11,
4566,
62,
6978,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
26977,
1330,
257,
1628,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
4566,
62,
3672,
357,
2536,
2599,
8265,
1438,
198,
220,
220,
220,
220,
220,
220,
220,
4566,
62,
6978,
357,
2536,
2599,
262,
26672,
326,
4909,
262,
764,
9078,
351,
428,
8265,
13,
628,
220,
220,
220,
21066,
3712,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
6808,
796,
12813,
7890,
14,
260,
1930,
14,
33967,
79,
12978,
62,
1759,
2833,
14,
23548,
44636,
18594,
14,
1186,
259,
272,
316,
30487,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
1628,
796,
6808,
1343,
366,
1186,
259,
272,
316,
13,
411,
1120,
13,
69,
21999,
13,
66,
25634,
13,
7410,
7857,
13,
16,
87,
13,
76,
6015,
20471,
62,
82,
17225,
1868,
1,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
30218,
70,
796,
8925,
62,
11748,
7203,
11250,
1600,
1628,
737,
11250,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
2010,
796,
8925,
62,
11748,
7203,
3262,
1600,
1628,
8,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
277,
79,
11,
279,
400,
11,
1715,
796,
848,
13,
19796,
62,
21412,
7,
11250,
62,
3672,
11,
685,
11250,
62,
6978,
12962,
628,
220,
220,
220,
1441,
848,
13,
2220,
62,
21412,
7,
11250,
62,
3672,
11,
277,
79,
11,
279,
400,
11,
1715,
8,
198
] | 2.213942 | 416 |
# Copyright (C) strawberryhacker
import os
import sys
import serial
import time
from citrus import citrus_packet
from citrus import citrus_file
from loading import loading_simple
from loading import loading_bar
# Used for loading a custom application to the CitrusOS and execute it
main()
| [
2,
15069,
357,
34,
8,
41236,
71,
10735,
198,
198,
11748,
28686,
198,
11748,
25064,
198,
11748,
11389,
198,
11748,
640,
198,
198,
6738,
35405,
1330,
35405,
62,
8002,
316,
198,
6738,
35405,
1330,
35405,
62,
7753,
198,
6738,
11046,
1330,
11046,
62,
36439,
198,
6738,
11046,
1330,
11046,
62,
5657,
198,
198,
2,
16718,
329,
11046,
257,
2183,
3586,
284,
262,
15792,
14932,
2640,
290,
12260,
340,
198,
198,
12417,
3419,
198
] | 4.013699 | 73 |
# -*- coding: utf-8 -*-
"""Unit test package for document_clipper."""
| [
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
198,
37811,
26453,
1332,
5301,
329,
3188,
62,
565,
14710,
526,
15931,
198
] | 2.62963 | 27 |
from intensity_normalization.normalize import fcm, gmm, kde, lsq, nyul, whitestripe, zscore
| [
6738,
12245,
62,
11265,
1634,
13,
11265,
1096,
1330,
277,
11215,
11,
308,
3020,
11,
479,
2934,
11,
300,
31166,
11,
299,
88,
377,
11,
20542,
395,
380,
431,
11,
1976,
26675,
198
] | 2.787879 | 33 |
import sys
import json
import argparse
from blocksec2go import open_pyscard, CardError
from blocksec2go import select_app, unlock_pin, set_pin
from blocksec2go.util import bytes_from_hex
| [
11748,
25064,
198,
11748,
33918,
198,
11748,
1822,
29572,
198,
198,
6738,
2512,
2363,
17,
2188,
1330,
1280,
62,
79,
893,
9517,
11,
5172,
12331,
198,
6738,
2512,
2363,
17,
2188,
1330,
2922,
62,
1324,
11,
12116,
62,
11635,
11,
900,
62,
11635,
198,
6738,
2512,
2363,
17,
2188,
13,
22602,
1330,
9881,
62,
6738,
62,
33095,
198
] | 3.241379 | 58 |
pkgname = "libdaemon"
pkgver = "0.14"
pkgrel = 0
build_style = "gnu_configure"
configure_args = ["--disable-lynx"]
hostmakedepends = ["pkgconf"]
pkgdesc = "Lightweight C library that eases the writing of UNIX daemons"
maintainer = "q66 <[email protected]>"
license = "LGPL-2.1-or-later"
url = "http://0pointer.de/lennart/projects/libdaemon"
source = f"{url}/{pkgname}-{pkgver}.tar.gz"
sha256 = "fd23eb5f6f986dcc7e708307355ba3289abe03cc381fc47a80bca4a50aa6b834"
@subpackage("libdaemon-devel")
| [
35339,
3672,
796,
366,
8019,
6814,
7966,
1,
198,
35339,
332,
796,
366,
15,
13,
1415,
1,
198,
35339,
2411,
796,
657,
198,
11249,
62,
7635,
796,
366,
41791,
62,
11250,
495,
1,
198,
11250,
495,
62,
22046,
796,
14631,
438,
40223,
12,
6213,
87,
8973,
198,
4774,
76,
4335,
538,
2412,
796,
14631,
35339,
10414,
8973,
198,
35339,
20147,
796,
366,
15047,
6551,
327,
5888,
326,
304,
1386,
262,
3597,
286,
4725,
10426,
12379,
368,
684,
1,
198,
76,
2913,
10613,
796,
366,
80,
2791,
1279,
80,
2791,
31,
354,
320,
8607,
12,
23289,
13,
2398,
24618,
198,
43085,
796,
366,
41257,
6489,
12,
17,
13,
16,
12,
273,
12,
36760,
1,
198,
6371,
796,
366,
4023,
1378,
15,
29536,
13,
2934,
14,
75,
1697,
433,
14,
42068,
14,
8019,
6814,
7966,
1,
198,
10459,
796,
277,
1,
90,
6371,
92,
14,
90,
35339,
3672,
92,
12,
90,
35339,
332,
27422,
18870,
13,
34586,
1,
198,
26270,
11645,
796,
366,
16344,
1954,
1765,
20,
69,
21,
69,
49087,
67,
535,
22,
68,
32583,
22996,
28567,
7012,
18,
27693,
11231,
3070,
535,
36626,
16072,
2857,
64,
1795,
65,
6888,
19,
64,
1120,
7252,
21,
65,
23,
2682,
1,
198,
198,
31,
7266,
26495,
7203,
8019,
6814,
7966,
12,
2934,
626,
4943,
198
] | 2.34434 | 212 |
#===============================================================================
# pyQuASAR.py
#===============================================================================
# Imports ======================================================================
import funcgenom
import gzip
import itertools
import os
import os.path
import pipes
import subprocess
import tempfile
from Bio.bgzf import BgzfWriter
from pyQuASAR.env import DIR, SNPS_BED_PATH
# Constants ====================================================================
GENOTYPE_DICT = {0: ('0/0', '0/1'), 1: ('0/1', '0/0'), 2: ('1/1', '0/0')}
# Functions ====================================================================
def write_compressed_pileup(pileup_bytes: bytes, pileup_file_path: str):
"""Write a compressed QuASAR intermediate pileup to disk
Parameters
----------
pileup_bytes : bytes
Pileup file as a bytes object
pileup_file_path : str
File path to write data
"""
with gzip.open(pileup_file_path, 'wb') as f:
f.write(pileup_bytes)
def pileup_to_bed(
pileup_bytes,
snps_bed_path: str = SNPS_BED_PATH,
temp_file_dir=None
) -> str:
"""Convert a pileup to a BED file in memory
Parameters
----------
pileup_bytes : bytes
Pileup file as a bytes object
snps_bed_path : str
Path to BED file containing SNPs
temp_file_dir
directory for temporary files
Returns
-------
str
BED file
"""
with tempfile.NamedTemporaryFile(dir=temp_file_dir) as temp_file:
temp_file_name = temp_file.name
t = pipes.Template()
for cmd, kind in (
('less', '--'),
(
(
r"awk -v OFS='\t' "
"'{ "
"if ("
"$4>0 "
"&& $5 !~ /[^\^][<>]/ "
"&& $5 !~ /\+[0-9]+[ACGTNacgtn]+/ "
"&& $5 !~ /-[0-9]+[ACGTNacgtn]+/ "
"&& $5 !~ /[^\^]\*/"
") "
"print $1,$2-1,$2,$3,$4,$5,$6"
"}'"
),
'--'
),
('sortBed -i stdin', '--'),
(f'intersectBed -a stdin -b {snps_bed_path} -wo', '--'),
('cut -f 1-7,11-14', '--'),
):
t.append(cmd, kind)
f = t.open(temp_file_name, 'w')
f.write(pileup_bytes.decode())
f.close()
return open(temp_file_name).read()
def write_compressed_pileup_bed(
pileup_bytes,
pileup_bed_path,
snps_bed_path=None,
temp_file_dir=None
):
"""Write a compressed QuASAR intermediate pileup.bed file to disk
Parameters
----------
pileup_bytes : bytes
Pileup file as a bytes object
pileup_bed_path : str
File path to write data
snps_bed_path : str
Path to BED file containing SNPs
temp_file_dir
directory for temporary files
"""
with gzip.open(pileup_bed_path, 'wt') as f:
f.write(
pileup_to_bed(
pileup_bytes,
snps_bed_path=snps_bed_path,
temp_file_dir=temp_file_dir
)
)
def bed_to_quasar(bed_path):
"""Convert the pileup.bed file to quasar input format
Write the new file to disk next to the input file.
Parameters
----------
bed_path
Path to a pileup.bed.gz file
"""
working_dir = os.getcwd()
os.chdir(os.path.dirname(bed_path))
subprocess.call(
(
'Rscript', '--vanilla',
f'{DIR}/QuASAR/scripts/convertPileupToQuasar.R',
os.path.basename(bed_path)
),
stdout=subprocess.DEVNULL
)
os.chdir(working_dir)
def genotype(*input_file_paths):
"""Run quasar on formatted input files to obtain genotypes
Parameters
----------
input_file_paths
paths to input files
Returns
-------
bytes
Standard output from QuASAR
"""
with subprocess.Popen(
(
(
'Rscript',
os.path.join(os.path.dirname(__file__), 'QuASAR_genotype.R')
)
+ tuple(input_file_paths)
),
stdout=subprocess.PIPE
) as quasar_genotype:
return quasar_genotype.communicate()[0]
def generate_allele_dict_items(snps_bed_path: str):
"""Generate tuples defining an allele dict
Parameters
----------
snps_bed_path : str
Path to BED file containing SNPs
Yields
------
tuple
Variant ID and a pair of alleles
"""
with open(snps_bed_path, 'r') as f:
for line in f:
chr, _, pos, id, ref, alt, maf = line.split()
yield id, (ref, alt)
def genotype_to_vcf(
genotype_bytes: bytes,
sample_name: str = 'SAMPLE',
snps_bed_path: str = SNPS_BED_PATH,
threshold: float = 0.99,
het_only: bool = False,
temp_file_dir=None
):
"""Convert genotype probabilities from QuASAR to VCF format
Parameters
----------
genotype_bytes : bytes
Standard output from QuASAR as a bytes object
sample_name : str
Sample name for the VCF file
snps_bed_path : str
Path to BED file containing SNPs
threshold : float
Genotype probability threshold for variants to include
het_only : bool
Include only heterozygous variants if true
temp_file_dir
directory for temporary files
Yields
------
str
A line of a VCF file
"""
yield from (
'##fileformat=VCFv4.0',
'##reference=GRCh37',
'##INFO=<ID=BUILD,Number=1,Type=Integer,Description="Genome build">',
(
'##INFO='
'<ID=GP,Number=3,Type=Float,Description="Genotype probabilities">'
),
'##FORMAT=<ID=GT,Number=1,Type=String,Description=Genotype>',
'\t'.join(
(
'#CHROM', 'POS', 'ID', 'REF', 'ALT', 'QUAL', 'FILTER', 'INFO',
'FORMAT', sample_name, '{}_COMP'.format(sample_name)
)
)
)
allele_dict = dict(generate_allele_dict_items(snps_bed_path))
with tempfile.NamedTemporaryFile(dir=temp_file_dir) as temp_variants:
temp_variants.write(genotype_bytes)
with funcgenom.Genome() as genome:
genome.load_variants(
temp_variants.name,
add_header=('chr', '_', 'pos', 'id', 'g0', 'g1', 'g2')
)
genome.sort_variants()
for variant in genome.variants():
g0, g1, g2 = (float(g) for g in variant.tuple[-3:])
if (
any(g > threshold for g in (g0, g1, g2))
and
((not het_only) or (g1 > threshold))
):
ref, alt = allele_dict[variant.id]
genotype, complementary_genotype = GENOTYPE_DICT[
(g0, g1, g2).index(max(g0, g1, g2))
]
yield '\t'.join(
(
variant.chromosome,
str(variant.position),
variant.id,
ref,
alt,
'.',
'PASS',
'BUILD=37;GP={},{},{}'.format(g0, g1, g2),
'GT',
genotype,
complementary_genotype
)
)
def write_split_vcf(vcf, prefix: str):
"""Write VCF data split by chromosome
Parameters
----------
vcf
Iterator giving lines of VCF data
prefix : str
Output prefix for split VCF files
"""
header = []
for key, group in itertools.groupby(vcf, key=lambda l: l[:2]):
if key in {'##', '#C'}:
header.extend(list(group))
else:
with BgzfWriter(f'{prefix}.chr{key.rstrip()}.vcf.gz', 'wb') as f:
f.write(
'\n'
.join(itertools.chain(header, tuple(group), ('',)))
.encode()
)
| [
2,
23926,
25609,
18604,
198,
2,
12972,
4507,
1921,
1503,
13,
9078,
198,
2,
23926,
25609,
18604,
198,
198,
2,
1846,
3742,
38093,
1421,
28,
198,
198,
11748,
25439,
5235,
296,
198,
11748,
308,
13344,
198,
11748,
340,
861,
10141,
198,
11748,
28686,
198,
11748,
28686,
13,
6978,
198,
11748,
19860,
198,
11748,
850,
14681,
198,
11748,
20218,
7753,
198,
198,
6738,
16024,
13,
65,
34586,
69,
1330,
347,
34586,
69,
34379,
198,
198,
6738,
12972,
4507,
1921,
1503,
13,
24330,
1330,
360,
4663,
11,
11346,
3705,
62,
33,
1961,
62,
34219,
628,
628,
198,
2,
4757,
1187,
38093,
18604,
198,
198,
35353,
2394,
56,
11401,
62,
35,
18379,
796,
1391,
15,
25,
19203,
15,
14,
15,
3256,
705,
15,
14,
16,
33809,
352,
25,
19203,
15,
14,
16,
3256,
705,
15,
14,
15,
33809,
362,
25,
19203,
16,
14,
16,
3256,
705,
15,
14,
15,
11537,
92,
628,
628,
198,
2,
40480,
38093,
18604,
198,
198,
4299,
3551,
62,
5589,
2790,
62,
79,
576,
929,
7,
79,
576,
929,
62,
33661,
25,
9881,
11,
14540,
929,
62,
7753,
62,
6978,
25,
965,
2599,
198,
220,
220,
220,
37227,
16594,
257,
25388,
2264,
1921,
1503,
19898,
14540,
929,
284,
11898,
198,
220,
220,
220,
220,
198,
220,
220,
220,
40117,
198,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
14540,
929,
62,
33661,
1058,
9881,
198,
220,
220,
220,
220,
220,
220,
220,
350,
576,
929,
2393,
355,
257,
9881,
2134,
198,
220,
220,
220,
14540,
929,
62,
7753,
62,
6978,
1058,
965,
198,
220,
220,
220,
220,
220,
220,
220,
9220,
3108,
284,
3551,
1366,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
198,
220,
220,
220,
351,
308,
13344,
13,
9654,
7,
79,
576,
929,
62,
7753,
62,
6978,
11,
705,
39346,
11537,
355,
277,
25,
198,
220,
220,
220,
220,
220,
220,
220,
277,
13,
13564,
7,
79,
576,
929,
62,
33661,
8,
628,
198,
4299,
14540,
929,
62,
1462,
62,
3077,
7,
198,
220,
220,
220,
14540,
929,
62,
33661,
11,
198,
220,
220,
220,
3013,
862,
62,
3077,
62,
6978,
25,
965,
796,
11346,
3705,
62,
33,
1961,
62,
34219,
11,
198,
220,
220,
220,
20218,
62,
7753,
62,
15908,
28,
14202,
198,
8,
4613,
965,
25,
198,
220,
220,
220,
37227,
3103,
1851,
257,
14540,
929,
284,
257,
347,
1961,
2393,
287,
4088,
198,
220,
220,
220,
220,
198,
220,
220,
220,
40117,
198,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
14540,
929,
62,
33661,
1058,
9881,
198,
220,
220,
220,
220,
220,
220,
220,
350,
576,
929,
2393,
355,
257,
9881,
2134,
198,
220,
220,
220,
3013,
862,
62,
3077,
62,
6978,
1058,
965,
198,
220,
220,
220,
220,
220,
220,
220,
10644,
284,
347,
1961,
2393,
7268,
11346,
12016,
198,
220,
220,
220,
20218,
62,
7753,
62,
15908,
198,
220,
220,
220,
220,
220,
220,
220,
8619,
329,
8584,
3696,
198,
220,
220,
220,
220,
198,
220,
220,
220,
16409,
198,
220,
220,
220,
35656,
198,
220,
220,
220,
965,
198,
220,
220,
220,
220,
220,
220,
220,
347,
1961,
2393,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
198,
220,
220,
220,
351,
20218,
7753,
13,
45,
2434,
12966,
5551,
8979,
7,
15908,
28,
29510,
62,
7753,
62,
15908,
8,
355,
20218,
62,
7753,
25,
198,
220,
220,
220,
220,
220,
220,
220,
20218,
62,
7753,
62,
3672,
796,
20218,
62,
7753,
13,
3672,
198,
220,
220,
220,
220,
198,
220,
220,
220,
256,
796,
19860,
13,
30800,
3419,
198,
220,
220,
220,
329,
23991,
11,
1611,
287,
357,
198,
220,
220,
220,
220,
220,
220,
220,
19203,
1203,
3256,
705,
438,
33809,
198,
220,
220,
220,
220,
220,
220,
220,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
374,
1,
19301,
532,
85,
3963,
50,
11639,
59,
83,
6,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
24018,
90,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
361,
5855,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
17971,
19,
29,
15,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
25226,
720,
20,
5145,
93,
1220,
58,
61,
59,
61,
7131,
27,
37981,
14,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
25226,
720,
20,
5145,
93,
1220,
59,
10,
58,
15,
12,
24,
48688,
58,
2246,
19555,
45,
330,
13655,
77,
48688,
14,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
25226,
720,
20,
5145,
93,
1220,
49146,
15,
12,
24,
48688,
58,
2246,
19555,
45,
330,
13655,
77,
48688,
14,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
25226,
720,
20,
5145,
93,
1220,
58,
61,
59,
61,
60,
59,
16208,
1,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
8,
366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
4798,
720,
16,
11,
3,
17,
12,
16,
11,
3,
17,
11,
3,
18,
11,
3,
19,
11,
3,
20,
11,
3,
21,
1,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
92,
29653,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10612,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
438,
6,
198,
220,
220,
220,
220,
220,
220,
220,
10612,
198,
220,
220,
220,
220,
220,
220,
220,
19203,
30619,
45896,
532,
72,
14367,
259,
3256,
705,
438,
33809,
198,
220,
220,
220,
220,
220,
220,
220,
357,
69,
6,
3849,
8831,
45896,
532,
64,
14367,
259,
532,
65,
1391,
16184,
862,
62,
3077,
62,
6978,
92,
532,
21638,
3256,
705,
438,
33809,
198,
220,
220,
220,
220,
220,
220,
220,
19203,
8968,
532,
69,
352,
12,
22,
11,
1157,
12,
1415,
3256,
705,
438,
33809,
198,
220,
220,
220,
15179,
198,
220,
220,
220,
220,
220,
220,
220,
256,
13,
33295,
7,
28758,
11,
1611,
8,
198,
220,
220,
220,
277,
796,
256,
13,
9654,
7,
29510,
62,
7753,
62,
3672,
11,
705,
86,
11537,
198,
220,
220,
220,
277,
13,
13564,
7,
79,
576,
929,
62,
33661,
13,
12501,
1098,
28955,
198,
220,
220,
220,
277,
13,
19836,
3419,
198,
220,
220,
220,
1441,
1280,
7,
29510,
62,
7753,
62,
3672,
737,
961,
3419,
628,
198,
4299,
3551,
62,
5589,
2790,
62,
79,
576,
929,
62,
3077,
7,
198,
220,
220,
220,
14540,
929,
62,
33661,
11,
198,
220,
220,
220,
14540,
929,
62,
3077,
62,
6978,
11,
198,
220,
220,
220,
3013,
862,
62,
3077,
62,
6978,
28,
14202,
11,
198,
220,
220,
220,
20218,
62,
7753,
62,
15908,
28,
14202,
198,
2599,
198,
220,
220,
220,
37227,
16594,
257,
25388,
2264,
1921,
1503,
19898,
14540,
929,
13,
3077,
2393,
284,
11898,
198,
220,
220,
220,
220,
198,
220,
220,
220,
40117,
198,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
14540,
929,
62,
33661,
1058,
9881,
198,
220,
220,
220,
220,
220,
220,
220,
350,
576,
929,
2393,
355,
257,
9881,
2134,
198,
220,
220,
220,
14540,
929,
62,
3077,
62,
6978,
1058,
965,
198,
220,
220,
220,
220,
220,
220,
220,
9220,
3108,
284,
3551,
1366,
198,
220,
220,
220,
3013,
862,
62,
3077,
62,
6978,
1058,
965,
198,
220,
220,
220,
220,
220,
220,
220,
10644,
284,
347,
1961,
2393,
7268,
11346,
12016,
198,
220,
220,
220,
20218,
62,
7753,
62,
15908,
198,
220,
220,
220,
220,
220,
220,
220,
8619,
329,
8584,
3696,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
198,
220,
220,
220,
351,
308,
13344,
13,
9654,
7,
79,
576,
929,
62,
3077,
62,
6978,
11,
705,
46569,
11537,
355,
277,
25,
198,
220,
220,
220,
220,
220,
220,
220,
277,
13,
13564,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
14540,
929,
62,
1462,
62,
3077,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
14540,
929,
62,
33661,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3013,
862,
62,
3077,
62,
6978,
28,
16184,
862,
62,
3077,
62,
6978,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
20218,
62,
7753,
62,
15908,
28,
29510,
62,
7753,
62,
15908,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
628,
198,
4299,
3996,
62,
1462,
62,
421,
42391,
7,
3077,
62,
6978,
2599,
198,
220,
220,
220,
37227,
3103,
1851,
262,
14540,
929,
13,
3077,
2393,
284,
627,
42391,
5128,
5794,
198,
220,
220,
220,
220,
198,
220,
220,
220,
19430,
262,
649,
2393,
284,
11898,
1306,
284,
262,
5128,
2393,
13,
198,
220,
220,
220,
220,
198,
220,
220,
220,
40117,
198,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
3996,
62,
6978,
198,
220,
220,
220,
220,
220,
220,
10644,
284,
257,
14540,
929,
13,
3077,
13,
34586,
2393,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
198,
220,
220,
220,
1762,
62,
15908,
796,
28686,
13,
1136,
66,
16993,
3419,
198,
220,
220,
220,
28686,
13,
354,
15908,
7,
418,
13,
6978,
13,
15908,
3672,
7,
3077,
62,
6978,
4008,
198,
220,
220,
220,
850,
14681,
13,
13345,
7,
198,
220,
220,
220,
220,
220,
220,
220,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
49,
12048,
3256,
705,
438,
10438,
5049,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
277,
6,
90,
34720,
92,
14,
4507,
1921,
1503,
14,
46521,
14,
1102,
1851,
47,
576,
929,
2514,
4507,
42391,
13,
49,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
28686,
13,
6978,
13,
12093,
12453,
7,
3077,
62,
6978,
8,
198,
220,
220,
220,
220,
220,
220,
220,
10612,
198,
220,
220,
220,
220,
220,
220,
220,
14367,
448,
28,
7266,
14681,
13,
39345,
33991,
198,
220,
220,
220,
1267,
198,
220,
220,
220,
28686,
13,
354,
15908,
7,
16090,
62,
15908,
8,
628,
198,
4299,
2429,
8690,
46491,
15414,
62,
7753,
62,
6978,
82,
2599,
198,
220,
220,
220,
37227,
10987,
627,
42391,
319,
39559,
5128,
3696,
284,
7330,
2429,
13567,
198,
220,
220,
220,
220,
198,
220,
220,
220,
40117,
198,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
5128,
62,
7753,
62,
6978,
82,
198,
220,
220,
220,
220,
220,
220,
220,
13532,
284,
5128,
3696,
198,
220,
220,
220,
220,
198,
220,
220,
220,
16409,
198,
220,
220,
220,
35656,
198,
220,
220,
220,
9881,
198,
220,
220,
220,
220,
220,
220,
220,
8997,
5072,
422,
2264,
1921,
1503,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
198,
220,
220,
220,
351,
850,
14681,
13,
47,
9654,
7,
198,
220,
220,
220,
220,
220,
220,
220,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
49,
12048,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
28686,
13,
6978,
13,
22179,
7,
418,
13,
6978,
13,
15908,
3672,
7,
834,
7753,
834,
828,
705,
4507,
1921,
1503,
62,
5235,
8690,
13,
49,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1343,
46545,
7,
15414,
62,
7753,
62,
6978,
82,
8,
198,
220,
220,
220,
220,
220,
220,
220,
10612,
198,
220,
220,
220,
220,
220,
220,
220,
14367,
448,
28,
7266,
14681,
13,
47,
4061,
36,
198,
220,
220,
220,
1267,
355,
627,
42391,
62,
5235,
8690,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
627,
42391,
62,
5235,
8690,
13,
10709,
5344,
3419,
58,
15,
60,
628,
198,
4299,
7716,
62,
6765,
293,
62,
11600,
62,
23814,
7,
16184,
862,
62,
3077,
62,
6978,
25,
965,
2599,
198,
220,
220,
220,
37227,
8645,
378,
12777,
2374,
16215,
281,
45907,
8633,
198,
220,
220,
220,
220,
198,
220,
220,
220,
40117,
198,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
3013,
862,
62,
3077,
62,
6978,
1058,
965,
198,
220,
220,
220,
220,
220,
220,
220,
10644,
284,
347,
1961,
2393,
7268,
11346,
12016,
198,
220,
220,
220,
220,
198,
220,
220,
220,
575,
1164,
82,
198,
220,
220,
220,
40103,
198,
220,
220,
220,
46545,
198,
220,
220,
220,
220,
220,
220,
220,
38215,
4522,
290,
257,
5166,
286,
28654,
829,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
198,
220,
220,
220,
351,
1280,
7,
16184,
862,
62,
3077,
62,
6978,
11,
705,
81,
11537,
355,
277,
25,
198,
220,
220,
220,
220,
220,
220,
220,
329,
1627,
287,
277,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
442,
81,
11,
4808,
11,
1426,
11,
4686,
11,
1006,
11,
5988,
11,
285,
1878,
796,
1627,
13,
35312,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7800,
4686,
11,
357,
5420,
11,
5988,
8,
628,
198,
4299,
2429,
8690,
62,
1462,
62,
85,
12993,
7,
198,
220,
220,
220,
2429,
8690,
62,
33661,
25,
9881,
11,
198,
220,
220,
220,
6291,
62,
3672,
25,
965,
796,
705,
49302,
16437,
3256,
198,
220,
220,
220,
3013,
862,
62,
3077,
62,
6978,
25,
965,
796,
11346,
3705,
62,
33,
1961,
62,
34219,
11,
198,
220,
220,
220,
11387,
25,
12178,
796,
657,
13,
2079,
11,
198,
220,
220,
220,
339,
83,
62,
8807,
25,
20512,
796,
10352,
11,
198,
220,
220,
220,
20218,
62,
7753,
62,
15908,
28,
14202,
198,
2599,
198,
220,
220,
220,
37227,
3103,
1851,
2429,
8690,
39522,
422,
2264,
1921,
1503,
284,
569,
22495,
5794,
198,
220,
220,
220,
220,
198,
220,
220,
220,
40117,
198,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
2429,
8690,
62,
33661,
1058,
9881,
198,
220,
220,
220,
220,
220,
220,
220,
8997,
5072,
422,
2264,
1921,
1503,
355,
257,
9881,
2134,
198,
220,
220,
220,
6291,
62,
3672,
1058,
965,
198,
220,
220,
220,
220,
220,
220,
220,
27565,
1438,
329,
262,
569,
22495,
2393,
198,
220,
220,
220,
3013,
862,
62,
3077,
62,
6978,
1058,
965,
198,
220,
220,
220,
220,
220,
220,
220,
10644,
284,
347,
1961,
2393,
7268,
11346,
12016,
198,
220,
220,
220,
11387,
1058,
12178,
198,
220,
220,
220,
220,
220,
220,
220,
5215,
8690,
12867,
11387,
329,
17670,
284,
2291,
198,
220,
220,
220,
339,
83,
62,
8807,
1058,
20512,
198,
220,
220,
220,
220,
220,
220,
220,
40348,
691,
14445,
49834,
516,
17670,
611,
2081,
198,
220,
220,
220,
20218,
62,
7753,
62,
15908,
198,
220,
220,
220,
220,
220,
220,
220,
8619,
329,
8584,
3696,
198,
220,
220,
220,
220,
198,
220,
220,
220,
575,
1164,
82,
198,
220,
220,
220,
40103,
198,
220,
220,
220,
965,
198,
220,
220,
220,
220,
220,
220,
220,
317,
1627,
286,
257,
569,
22495,
2393,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
198,
220,
220,
220,
7800,
422,
357,
198,
220,
220,
220,
220,
220,
220,
220,
705,
2235,
7753,
18982,
28,
15922,
37,
85,
19,
13,
15,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
705,
2235,
35790,
28,
10761,
1925,
2718,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
705,
2235,
10778,
28,
27,
2389,
28,
19499,
26761,
11,
15057,
28,
16,
11,
6030,
28,
46541,
11,
11828,
2625,
13746,
462,
1382,
5320,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
2235,
10778,
11639,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
27,
2389,
28,
16960,
11,
15057,
28,
18,
11,
6030,
28,
43879,
11,
11828,
2625,
13746,
8690,
39522,
5320,
6,
198,
220,
220,
220,
220,
220,
220,
220,
10612,
198,
220,
220,
220,
220,
220,
220,
220,
705,
2235,
21389,
1404,
28,
27,
2389,
28,
19555,
11,
15057,
28,
16,
11,
6030,
28,
10100,
11,
11828,
28,
13746,
8690,
29,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
705,
59,
83,
4458,
22179,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
2,
3398,
33676,
3256,
705,
37997,
3256,
705,
2389,
3256,
705,
31688,
3256,
705,
31429,
3256,
705,
10917,
1847,
3256,
705,
46700,
5781,
3256,
705,
10778,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
21389,
1404,
3256,
6291,
62,
3672,
11,
705,
90,
92,
62,
9858,
47,
4458,
18982,
7,
39873,
62,
3672,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
1267,
198,
220,
220,
220,
45907,
62,
11600,
796,
8633,
7,
8612,
378,
62,
6765,
293,
62,
11600,
62,
23814,
7,
16184,
862,
62,
3077,
62,
6978,
4008,
198,
220,
220,
220,
351,
20218,
7753,
13,
45,
2434,
12966,
5551,
8979,
7,
15908,
28,
29510,
62,
7753,
62,
15908,
8,
355,
20218,
62,
25641,
1187,
25,
198,
220,
220,
220,
220,
220,
220,
220,
20218,
62,
25641,
1187,
13,
13564,
7,
5235,
8690,
62,
33661,
8,
198,
220,
220,
220,
220,
220,
220,
220,
351,
25439,
5235,
296,
13,
13746,
462,
3419,
355,
19270,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19270,
13,
2220,
62,
25641,
1187,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
20218,
62,
25641,
1187,
13,
3672,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
751,
62,
25677,
28,
10786,
354,
81,
3256,
705,
62,
3256,
705,
1930,
3256,
705,
312,
3256,
705,
70,
15,
3256,
705,
70,
16,
3256,
705,
70,
17,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19270,
13,
30619,
62,
25641,
1187,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
15304,
287,
19270,
13,
25641,
1187,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
308,
15,
11,
308,
16,
11,
308,
17,
796,
357,
22468,
7,
70,
8,
329,
308,
287,
15304,
13,
83,
29291,
58,
12,
18,
25,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
597,
7,
70,
1875,
11387,
329,
308,
287,
357,
70,
15,
11,
308,
16,
11,
308,
17,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
290,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
14808,
1662,
339,
83,
62,
8807,
8,
393,
357,
70,
16,
1875,
11387,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
15179,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1006,
11,
5988,
796,
45907,
62,
11600,
58,
25641,
415,
13,
312,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2429,
8690,
11,
32150,
62,
5235,
8690,
796,
24700,
2394,
56,
11401,
62,
35,
18379,
58,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
70,
15,
11,
308,
16,
11,
308,
17,
737,
9630,
7,
9806,
7,
70,
15,
11,
308,
16,
11,
308,
17,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2361,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7800,
705,
59,
83,
4458,
22179,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
15304,
13,
28663,
418,
462,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
965,
7,
25641,
415,
13,
9150,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
15304,
13,
312,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1006,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5988,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
2637,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
47924,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
19499,
26761,
28,
2718,
26,
16960,
34758,
5512,
90,
5512,
90,
92,
4458,
18982,
7,
70,
15,
11,
308,
16,
11,
308,
17,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
19555,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2429,
8690,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
32150,
62,
5235,
8690,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
628,
198,
4299,
3551,
62,
35312,
62,
85,
12993,
7,
85,
12993,
11,
21231,
25,
965,
2599,
198,
220,
220,
220,
37227,
16594,
569,
22495,
1366,
6626,
416,
34348,
198,
220,
220,
220,
220,
198,
220,
220,
220,
40117,
198,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
410,
12993,
198,
220,
220,
220,
220,
220,
220,
220,
40806,
1352,
3501,
3951,
286,
569,
22495,
1366,
198,
220,
220,
220,
21231,
1058,
965,
198,
220,
220,
220,
220,
220,
220,
220,
25235,
21231,
329,
6626,
569,
22495,
3696,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
198,
220,
220,
220,
13639,
796,
17635,
198,
220,
220,
220,
329,
1994,
11,
1448,
287,
340,
861,
10141,
13,
8094,
1525,
7,
85,
12993,
11,
1994,
28,
50033,
300,
25,
300,
58,
25,
17,
60,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
611,
1994,
287,
1391,
6,
2235,
3256,
705,
2,
34,
6,
38362,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13639,
13,
2302,
437,
7,
4868,
7,
8094,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
351,
347,
34586,
69,
34379,
7,
69,
6,
90,
40290,
27422,
354,
81,
90,
2539,
13,
81,
36311,
3419,
27422,
85,
12993,
13,
34586,
3256,
705,
39346,
11537,
355,
277,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
277,
13,
13564,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
59,
77,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
764,
22179,
7,
270,
861,
10141,
13,
7983,
7,
25677,
11,
46545,
7,
8094,
828,
19203,
3256,
22305,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
764,
268,
8189,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
198
] | 1.93712 | 4,278 |
import re
import idna
from django.http import JsonResponse
from django.views.decorators.csrf import csrf_exempt
from django.views.decorators.http import require_http_methods
from helper.models import UserData, NotesData
EMAIL_REGEX = '^[a-z0-9-]+(\.[_a-z0-9-]+)*@[a-z0-9-]+(\.[a-z0-9-]+)*(\.[a-z]{2,4})$'
@csrf_exempt
@require_http_methods(['POST'])
@csrf_exempt
@require_http_methods(['POST'])
@require_http_methods(['GET'])
| [
11748,
302,
198,
198,
11748,
4686,
2616,
198,
6738,
42625,
14208,
13,
4023,
1330,
449,
1559,
31077,
198,
6738,
42625,
14208,
13,
33571,
13,
12501,
273,
2024,
13,
6359,
41871,
1330,
269,
27891,
69,
62,
42679,
198,
6738,
42625,
14208,
13,
33571,
13,
12501,
273,
2024,
13,
4023,
1330,
2421,
62,
4023,
62,
24396,
82,
198,
198,
6738,
31904,
13,
27530,
1330,
11787,
6601,
11,
11822,
6601,
198,
198,
27630,
4146,
62,
31553,
6369,
796,
705,
61,
58,
64,
12,
89,
15,
12,
24,
12,
60,
33747,
59,
3693,
62,
64,
12,
89,
15,
12,
24,
12,
48688,
27493,
31,
58,
64,
12,
89,
15,
12,
24,
12,
60,
33747,
59,
3693,
64,
12,
89,
15,
12,
24,
12,
48688,
27493,
38016,
3693,
64,
12,
89,
60,
90,
17,
11,
19,
30072,
3,
6,
628,
198,
31,
6359,
41871,
62,
42679,
198,
31,
46115,
62,
4023,
62,
24396,
82,
7,
17816,
32782,
6,
12962,
628,
198,
31,
6359,
41871,
62,
42679,
198,
31,
46115,
62,
4023,
62,
24396,
82,
7,
17816,
32782,
6,
12962,
628,
198,
31,
46115,
62,
4023,
62,
24396,
82,
7,
17816,
18851,
6,
12962,
628,
628
] | 2.305263 | 190 |
import json
import datetime
import decimal
from math import sqrt
access_control = {'Access-Control-Allow-Origin': '*','Access-Control-Allow-Credentials': 'true'}
| [
11748,
33918,
198,
11748,
4818,
8079,
198,
11748,
32465,
198,
6738,
10688,
1330,
19862,
17034,
198,
198,
15526,
62,
13716,
796,
1391,
6,
15457,
12,
15988,
12,
35265,
12,
39688,
10354,
705,
9,
41707,
15457,
12,
15988,
12,
35265,
12,
34,
445,
14817,
10354,
705,
7942,
6,
92,
198
] | 3.326531 | 49 |
from os.path import abspath, join, dirname, realpath
from flask import Flask
from flask_cors import CORS
from cache import initialize_cache
from compress import initialize_compress
from controllers import initialize_routes
from flask_restful import Api
from mailer import initialize_mailer
from middleware.error_handling import errors
from server.logging import initialize_logs
from swagger import initialize_swagger
from config import Config
app: Flask = Flask(
__name__,
static_folder=abspath(join(dirname(dirname(realpath(__file__))), "static")),
static_url_path="/static",
)
app.config.from_object(Config)
if __name__ != "__main__":
initialize_logs(app)
cors: CORS = CORS(
app,
resources={r"/*": {"origins": ["*"]}},
)
api: Api = Api(app, errors=errors)
initialize_mailer(app)
initialize_cache(app)
initialize_compress(app)
initialize_swagger(app)
initialize_routes(api)
| [
6738,
28686,
13,
6978,
1330,
2352,
6978,
11,
4654,
11,
26672,
3672,
11,
1103,
6978,
198,
6738,
42903,
1330,
46947,
198,
6738,
42903,
62,
66,
669,
1330,
327,
20673,
198,
6738,
12940,
1330,
41216,
62,
23870,
198,
6738,
27413,
1330,
41216,
62,
5589,
601,
198,
6738,
20624,
1330,
41216,
62,
81,
448,
274,
198,
6738,
42903,
62,
2118,
913,
1330,
5949,
72,
198,
6738,
6920,
263,
1330,
41216,
62,
4529,
263,
198,
6738,
3504,
1574,
13,
18224,
62,
4993,
1359,
1330,
8563,
198,
6738,
4382,
13,
6404,
2667,
1330,
41216,
62,
6404,
82,
198,
6738,
1509,
7928,
1330,
41216,
62,
2032,
7928,
198,
6738,
4566,
1330,
17056,
628,
198,
1324,
25,
46947,
796,
46947,
7,
198,
220,
220,
220,
11593,
3672,
834,
11,
198,
220,
220,
220,
9037,
62,
43551,
28,
397,
2777,
776,
7,
22179,
7,
15908,
3672,
7,
15908,
3672,
7,
5305,
6978,
7,
834,
7753,
834,
4008,
828,
366,
12708,
4943,
828,
198,
220,
220,
220,
9037,
62,
6371,
62,
6978,
35922,
12708,
1600,
198,
8,
198,
1324,
13,
11250,
13,
6738,
62,
15252,
7,
16934,
8,
628,
198,
361,
11593,
3672,
834,
14512,
366,
834,
12417,
834,
1298,
198,
220,
220,
220,
41216,
62,
6404,
82,
7,
1324,
8,
198,
198,
66,
669,
25,
327,
20673,
796,
327,
20673,
7,
198,
220,
220,
220,
598,
11,
198,
220,
220,
220,
4133,
34758,
81,
1,
15211,
1298,
19779,
11612,
1040,
1298,
14631,
9,
8973,
92,
5512,
198,
8,
198,
15042,
25,
5949,
72,
796,
5949,
72,
7,
1324,
11,
8563,
28,
48277,
8,
198,
198,
36733,
1096,
62,
4529,
263,
7,
1324,
8,
198,
36733,
1096,
62,
23870,
7,
1324,
8,
198,
36733,
1096,
62,
5589,
601,
7,
1324,
8,
198,
36733,
1096,
62,
2032,
7928,
7,
1324,
8,
198,
36733,
1096,
62,
81,
448,
274,
7,
15042,
8,
198
] | 2.986799 | 303 |
# Generated by Django 3.0.5 on 2020-04-18 10:36
import datetime
from django.conf import settings
from django.db import migrations, models
import django.db.models.deletion
| [
2,
2980,
515,
416,
37770,
513,
13,
15,
13,
20,
319,
12131,
12,
3023,
12,
1507,
838,
25,
2623,
198,
198,
11748,
4818,
8079,
198,
6738,
42625,
14208,
13,
10414,
1330,
6460,
198,
6738,
42625,
14208,
13,
9945,
1330,
15720,
602,
11,
4981,
198,
11748,
42625,
14208,
13,
9945,
13,
27530,
13,
2934,
1616,
295,
628
] | 3.089286 | 56 |
"""
Filename: table_manager.py
Purpose: A program to define and create all tables needed in the database
Authors: Jordan Smith
Group: Wholesome as Heck Programmers (WaHP)
Last modified: 11/13/21
"""
from db_manager import db_mgr
DROP_ALL = True
tables = {}
###
# TABLES TO BE ADDED
###
tables['fitnessGoal'] = {
'fitness_id': 'int NOT NULL AUTO_INCREMENT',
'name': 'varchar(16) NOT NULL',
'constraints': {
'PRIMARY KEY': 'fitness_id'
}
}
tables['users'] = {
'user_id': 'int NOT NULL AUTO_INCREMENT',
'email': 'varchar(64) NOT NULL',
'username': 'varchar(64) NOT NULL',
'password': 'varchar(255) NOT NULL',
'created_at': 'timestamp DEFAULT CURRENT_TIMESTAMP',
'last_logged_in': 'timestamp DEFAULT CURRENT_TIMESTAMP ON UPDATE CURRENT_TIMESTAMP',
'login_streak': 'int DEFAULT 1',
'height': 'float',
'weight': 'float',
'fitness_goal_id': 'int',
'has_finished_quiz': 'boolean DEFAULT false',
'wants_emails': 'boolean',
'show_tips': 'boolean DEFAULT true',
'experience': 'varchar(16)',
'daysPerWeek': 'int',
'availableEquipment': 'varchar(255)',
'constraints': {
'UNIQUE': 'email',
'UNIQUE': 'username',
'PRIMARY KEY': 'user_id',
'FOREIGN KEY': ['fitness_goal_id', 'fitnessGoal(fitness_id)']
}
}
tables['monsters'] = {
'monster_id': 'int NOT NULL AUTO_INCREMENT',
'user_id': 'int NOT NULL',
'name': 'varchar(64)',
'species': 'varchar(64) NOT NULL',
'exp': 'int NOT NULL DEFAULT 0',
'level': 'int NOT NULL DEFAULT 1',
'image_name': 'varchar(32)',
'constraints': {
'PRIMARY KEY': 'monster_id',
'FOREIGN KEY': ['user_id', 'users(user_id)']
}
}
tables['workouts'] = {
'workout_id': 'int NOT NULL AUTO_INCREMENT',
'type': 'varchar(16) NOT NULL',
'name': 'varchar(32) NOT NULL',
'equipment': 'varchar(64) NOT NULL',
'difficulty': 'varchar(16) NOT NULL',
'is_priority': 'bool NOT NULL',
'constraints': {
'PRIMARY KEY': 'workout_id'
}
}
tables['workoutConnection'] = {
'workout_id': 'int NOT NULL',
'fitness_goal_id': 'int NOT NULL',
'constraints': {
'FOREIGN KEY': ['workout_id', 'workouts(workout_id)'],
'FOREIGN KEY': ['fitness_goal_id', 'fitnessGoal(fitness_id)']
}
}
tables['workoutTips'] = {
'tip_id': 'int NOT NULL AUTO_INCREMENT',
'tip_str': 'varchar(255) NOT NULL',
'workout_id': 'int NOT NULL',
'constraints': {
'PRIMARY KEY': 'tip_id',
'FOREIGN KEY': ['workout_id', 'workouts(workout_id)']
}
}
tables['workoutLogs'] = {
'log_id': 'int NOT NULL AUTO_INCREMENT',
'user_id': 'int NOT NULL',
'workout_ids': 'varchar(255) NOT NULL',
'time_created': 'timestamp DEFAULT CURRENT_TIMESTAMP',
'user_has_completed': 'bool NOT NULL DEFAULT false',
'reps': 'int',
'sets': 'int',
'weight': 'float',
'time_duration': 'float',
'distance_duration': 'float',
'details': 'varchar(255) NOT NULL',
'user_enjoyment': 'int NOT NULL',
'constraints': {
'PRIMARY KEY': 'log_id',
'FOREIGN KEY': ['user_id', 'users(user_id)']
# 'FOREIGN KEY': ['workout_type_id', 'workouts(workout_id)']
}
}
tables['userRelationship'] = {
'user_first_id': 'int NOT NULL',
'user_second_id': 'int NOT NULL',
'relationship_type': 'varchar(64) NOT NULL',
'constraints': {
'FOREIGN KEY': ['user_first_id', 'users(user_id)'],
'FOREIGN KEY': ['user_second_id', 'users(user_id)'],
}
}
tables['userPRs'] = {
'user_id': 'int NOT NULL',
'workout_id': 'int NOT NULL',
'weight': 'float',
'time': 'float',
'distance': 'float',
'constraints': {
'FOREIGN KEY': ['user_id', 'users(user_id)'],
'FOREIGN KEY': ['workout_id', 'workouts(workout_id)']
}
}
# Drop all of the tables for debugging and configuration
if DROP_ALL:
db_mgr.drop_tables(list(tables.keys())[::-1])
# Add the tables into the database
for table_name, table_description in tables.items():
db_mgr.create_table(table_name, table_description)
| [
37811,
198,
35063,
25,
3084,
62,
37153,
13,
9078,
198,
198,
30026,
3455,
25,
317,
1430,
284,
8160,
290,
2251,
477,
8893,
2622,
287,
262,
6831,
198,
198,
30515,
669,
25,
8078,
4176,
198,
13247,
25,
854,
4316,
462,
355,
31679,
6118,
11056,
357,
33484,
14082,
8,
198,
5956,
9518,
25,
1367,
14,
1485,
14,
2481,
198,
37811,
198,
6738,
20613,
62,
37153,
1330,
20613,
62,
76,
2164,
198,
198,
7707,
3185,
62,
7036,
796,
6407,
198,
198,
83,
2977,
796,
23884,
198,
198,
21017,
198,
2,
220,
220,
309,
6242,
28378,
5390,
9348,
27841,
1961,
198,
21017,
198,
83,
2977,
17816,
69,
3659,
49045,
20520,
796,
1391,
198,
220,
220,
220,
705,
69,
3659,
62,
312,
10354,
705,
600,
5626,
15697,
47044,
46,
62,
30158,
2200,
10979,
3256,
198,
220,
220,
220,
705,
3672,
10354,
705,
85,
998,
283,
7,
1433,
8,
5626,
15697,
3256,
198,
220,
220,
220,
705,
1102,
2536,
6003,
10354,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
705,
4805,
3955,
13153,
35374,
10354,
705,
69,
3659,
62,
312,
6,
198,
220,
220,
220,
1782,
198,
92,
198,
198,
83,
2977,
17816,
18417,
20520,
796,
1391,
198,
220,
220,
220,
705,
7220,
62,
312,
10354,
705,
600,
5626,
15697,
47044,
46,
62,
30158,
2200,
10979,
3256,
198,
220,
220,
220,
705,
12888,
10354,
705,
85,
998,
283,
7,
2414,
8,
5626,
15697,
3256,
198,
220,
220,
220,
705,
29460,
10354,
705,
85,
998,
283,
7,
2414,
8,
5626,
15697,
3256,
198,
220,
220,
220,
705,
28712,
10354,
705,
85,
998,
283,
7,
13381,
8,
5626,
15697,
3256,
198,
220,
220,
220,
705,
25598,
62,
265,
10354,
705,
16514,
27823,
5550,
38865,
327,
39237,
62,
51,
3955,
6465,
23518,
3256,
198,
220,
220,
220,
705,
12957,
62,
6404,
2004,
62,
259,
10354,
705,
16514,
27823,
5550,
38865,
327,
39237,
62,
51,
3955,
6465,
23518,
6177,
35717,
327,
39237,
62,
51,
3955,
6465,
23518,
3256,
198,
220,
220,
220,
705,
38235,
62,
22853,
461,
10354,
705,
600,
5550,
38865,
352,
3256,
198,
220,
220,
220,
705,
17015,
10354,
705,
22468,
3256,
198,
220,
220,
220,
705,
6551,
10354,
705,
22468,
3256,
198,
220,
220,
220,
705,
69,
3659,
62,
35231,
62,
312,
10354,
705,
600,
3256,
198,
220,
220,
220,
705,
10134,
62,
43952,
62,
421,
528,
10354,
705,
2127,
21052,
5550,
38865,
3991,
3256,
198,
220,
220,
220,
705,
86,
1187,
62,
368,
1768,
10354,
705,
2127,
21052,
3256,
198,
220,
220,
220,
705,
12860,
62,
41315,
10354,
705,
2127,
21052,
5550,
38865,
2081,
3256,
198,
220,
220,
220,
705,
23100,
1240,
10354,
705,
85,
998,
283,
7,
1433,
8,
3256,
198,
220,
220,
220,
705,
12545,
5990,
20916,
10354,
705,
600,
3256,
198,
220,
220,
220,
705,
15182,
23588,
4667,
10354,
705,
85,
998,
283,
7,
13381,
8,
3256,
198,
220,
220,
220,
705,
1102,
2536,
6003,
10354,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
705,
4944,
33866,
8924,
10354,
705,
12888,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
705,
4944,
33866,
8924,
10354,
705,
29460,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
705,
4805,
3955,
13153,
35374,
10354,
705,
7220,
62,
312,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
705,
30818,
16284,
35374,
10354,
37250,
69,
3659,
62,
35231,
62,
312,
3256,
705,
69,
3659,
49045,
7,
69,
3659,
62,
312,
8,
20520,
198,
220,
220,
220,
1782,
198,
92,
198,
198,
83,
2977,
17816,
2144,
5937,
20520,
796,
1391,
198,
220,
220,
220,
705,
39050,
62,
312,
10354,
705,
600,
5626,
15697,
47044,
46,
62,
30158,
2200,
10979,
3256,
198,
220,
220,
220,
705,
7220,
62,
312,
10354,
705,
600,
5626,
15697,
3256,
198,
220,
220,
220,
705,
3672,
10354,
705,
85,
998,
283,
7,
2414,
8,
3256,
198,
220,
220,
220,
705,
35448,
10354,
705,
85,
998,
283,
7,
2414,
8,
5626,
15697,
3256,
198,
220,
220,
220,
705,
11201,
10354,
705,
600,
5626,
15697,
5550,
38865,
657,
3256,
198,
220,
220,
220,
705,
5715,
10354,
705,
600,
5626,
15697,
5550,
38865,
352,
3256,
198,
220,
220,
220,
705,
9060,
62,
3672,
10354,
705,
85,
998,
283,
7,
2624,
8,
3256,
198,
220,
220,
220,
705,
1102,
2536,
6003,
10354,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
705,
4805,
3955,
13153,
35374,
10354,
705,
39050,
62,
312,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
705,
30818,
16284,
35374,
10354,
37250,
7220,
62,
312,
3256,
705,
18417,
7,
7220,
62,
312,
8,
20520,
198,
220,
220,
220,
1782,
198,
92,
198,
198,
83,
2977,
17816,
1818,
5269,
20520,
796,
1391,
198,
220,
220,
220,
705,
1818,
448,
62,
312,
10354,
705,
600,
5626,
15697,
47044,
46,
62,
30158,
2200,
10979,
3256,
198,
220,
220,
220,
705,
4906,
10354,
705,
85,
998,
283,
7,
1433,
8,
5626,
15697,
3256,
198,
220,
220,
220,
705,
3672,
10354,
705,
85,
998,
283,
7,
2624,
8,
5626,
15697,
3256,
198,
220,
220,
220,
705,
4853,
4667,
10354,
705,
85,
998,
283,
7,
2414,
8,
5626,
15697,
3256,
198,
220,
220,
220,
705,
26069,
22402,
10354,
705,
85,
998,
283,
7,
1433,
8,
5626,
15697,
3256,
198,
220,
220,
220,
705,
271,
62,
49336,
10354,
705,
30388,
5626,
15697,
3256,
198,
220,
220,
220,
705,
1102,
2536,
6003,
10354,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
705,
4805,
3955,
13153,
35374,
10354,
705,
1818,
448,
62,
312,
6,
198,
220,
220,
220,
1782,
198,
92,
198,
198,
83,
2977,
17816,
1818,
448,
32048,
20520,
796,
1391,
198,
220,
220,
220,
705,
1818,
448,
62,
312,
10354,
705,
600,
5626,
15697,
3256,
198,
220,
220,
220,
705,
69,
3659,
62,
35231,
62,
312,
10354,
705,
600,
5626,
15697,
3256,
198,
220,
220,
220,
705,
1102,
2536,
6003,
10354,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
705,
30818,
16284,
35374,
10354,
37250,
1818,
448,
62,
312,
3256,
705,
1818,
5269,
7,
1818,
448,
62,
312,
33047,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
705,
30818,
16284,
35374,
10354,
37250,
69,
3659,
62,
35231,
62,
312,
3256,
705,
69,
3659,
49045,
7,
69,
3659,
62,
312,
8,
20520,
198,
220,
220,
220,
1782,
198,
92,
198,
198,
83,
2977,
17816,
1818,
448,
43368,
20520,
796,
1391,
198,
220,
220,
220,
705,
22504,
62,
312,
10354,
705,
600,
5626,
15697,
47044,
46,
62,
30158,
2200,
10979,
3256,
198,
220,
220,
220,
705,
22504,
62,
2536,
10354,
705,
85,
998,
283,
7,
13381,
8,
5626,
15697,
3256,
198,
220,
220,
220,
705,
1818,
448,
62,
312,
10354,
705,
600,
5626,
15697,
3256,
198,
220,
220,
220,
705,
1102,
2536,
6003,
10354,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
705,
4805,
3955,
13153,
35374,
10354,
705,
22504,
62,
312,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
705,
30818,
16284,
35374,
10354,
37250,
1818,
448,
62,
312,
3256,
705,
1818,
5269,
7,
1818,
448,
62,
312,
8,
20520,
198,
220,
220,
220,
1782,
198,
92,
198,
198,
83,
2977,
17816,
1818,
448,
11187,
82,
20520,
796,
1391,
198,
220,
220,
220,
705,
6404,
62,
312,
10354,
705,
600,
5626,
15697,
47044,
46,
62,
30158,
2200,
10979,
3256,
198,
220,
220,
220,
705,
7220,
62,
312,
10354,
705,
600,
5626,
15697,
3256,
198,
220,
220,
220,
705,
1818,
448,
62,
2340,
10354,
705,
85,
998,
283,
7,
13381,
8,
5626,
15697,
3256,
198,
220,
220,
220,
705,
2435,
62,
25598,
10354,
705,
16514,
27823,
5550,
38865,
327,
39237,
62,
51,
3955,
6465,
23518,
3256,
198,
220,
220,
220,
705,
7220,
62,
10134,
62,
785,
16838,
10354,
705,
30388,
5626,
15697,
5550,
38865,
3991,
3256,
198,
220,
220,
220,
705,
260,
862,
10354,
705,
600,
3256,
198,
220,
220,
220,
705,
28709,
10354,
705,
600,
3256,
198,
220,
220,
220,
705,
6551,
10354,
705,
22468,
3256,
198,
220,
220,
220,
705,
2435,
62,
32257,
10354,
705,
22468,
3256,
198,
220,
220,
220,
705,
30246,
62,
32257,
10354,
705,
22468,
3256,
198,
220,
220,
220,
705,
36604,
10354,
705,
85,
998,
283,
7,
13381,
8,
5626,
15697,
3256,
198,
220,
220,
220,
705,
7220,
62,
268,
2633,
434,
10354,
705,
600,
5626,
15697,
3256,
198,
220,
220,
220,
705,
1102,
2536,
6003,
10354,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
705,
4805,
3955,
13153,
35374,
10354,
705,
6404,
62,
312,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
705,
30818,
16284,
35374,
10354,
37250,
7220,
62,
312,
3256,
705,
18417,
7,
7220,
62,
312,
8,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
705,
30818,
16284,
35374,
10354,
37250,
1818,
448,
62,
4906,
62,
312,
3256,
705,
1818,
5269,
7,
1818,
448,
62,
312,
8,
20520,
198,
220,
220,
220,
1782,
198,
92,
198,
198,
83,
2977,
17816,
7220,
47117,
1056,
20520,
796,
1391,
198,
220,
220,
220,
705,
7220,
62,
11085,
62,
312,
10354,
705,
600,
5626,
15697,
3256,
198,
220,
220,
220,
705,
7220,
62,
12227,
62,
312,
10354,
705,
600,
5626,
15697,
3256,
198,
220,
220,
220,
705,
39468,
1056,
62,
4906,
10354,
705,
85,
998,
283,
7,
2414,
8,
5626,
15697,
3256,
198,
220,
220,
220,
705,
1102,
2536,
6003,
10354,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
705,
30818,
16284,
35374,
10354,
37250,
7220,
62,
11085,
62,
312,
3256,
705,
18417,
7,
7220,
62,
312,
33047,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
705,
30818,
16284,
35374,
10354,
37250,
7220,
62,
12227,
62,
312,
3256,
705,
18417,
7,
7220,
62,
312,
33047,
4357,
198,
220,
220,
220,
1782,
198,
92,
198,
198,
83,
2977,
17816,
7220,
4805,
82,
20520,
796,
1391,
198,
220,
220,
220,
705,
7220,
62,
312,
10354,
705,
600,
5626,
15697,
3256,
198,
220,
220,
220,
705,
1818,
448,
62,
312,
10354,
705,
600,
5626,
15697,
3256,
198,
220,
220,
220,
705,
6551,
10354,
705,
22468,
3256,
198,
220,
220,
220,
705,
2435,
10354,
705,
22468,
3256,
198,
220,
220,
220,
705,
30246,
10354,
705,
22468,
3256,
198,
220,
220,
220,
705,
1102,
2536,
6003,
10354,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
705,
30818,
16284,
35374,
10354,
37250,
7220,
62,
312,
3256,
705,
18417,
7,
7220,
62,
312,
33047,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
705,
30818,
16284,
35374,
10354,
37250,
1818,
448,
62,
312,
3256,
705,
1818,
5269,
7,
1818,
448,
62,
312,
8,
20520,
198,
220,
220,
220,
1782,
198,
92,
628,
198,
2,
14258,
477,
286,
262,
8893,
329,
28769,
290,
8398,
198,
361,
10560,
3185,
62,
7036,
25,
198,
220,
220,
220,
20613,
62,
76,
2164,
13,
14781,
62,
83,
2977,
7,
4868,
7,
83,
2977,
13,
13083,
28955,
58,
3712,
12,
16,
12962,
198,
198,
2,
3060,
262,
8893,
656,
262,
6831,
198,
1640,
3084,
62,
3672,
11,
3084,
62,
11213,
287,
8893,
13,
23814,
33529,
198,
220,
220,
220,
20613,
62,
76,
2164,
13,
17953,
62,
11487,
7,
11487,
62,
3672,
11,
3084,
62,
11213,
8,
198
] | 2.272225 | 1,811 |
from backend.app import app | [
6738,
30203,
13,
1324,
1330,
598
] | 4.5 | 6 |
# -*- coding: utf-8 -*-
# Generated by Django 1.11.10 on 2018-10-09 14:26
from __future__ import unicode_literals
from django.db import migrations
| [
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
2,
2980,
515,
416,
37770,
352,
13,
1157,
13,
940,
319,
2864,
12,
940,
12,
2931,
1478,
25,
2075,
198,
6738,
11593,
37443,
834,
1330,
28000,
1098,
62,
17201,
874,
198,
198,
6738,
42625,
14208,
13,
9945,
1330,
15720,
602,
628
] | 2.709091 | 55 |
#
# Copyright 2016 The BigDL 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.
#
import argparse
import os
import zipfile
import pandas as pd
from PIL import Image
import tensorflow as tf
from tensorflow.python.keras import layers
from tensorflow.python.keras import losses
from tensorflow.python.keras import models
from tensorflow.python.keras import backend as K
import matplotlib.image as mpimg
import matplotlib.pyplot as plt
from sklearn.model_selection import train_test_split
import numpy as np
from bigdl.orca import init_orca_context, stop_orca_context
from bigdl.orca.data import XShards
from bigdl.orca.learn.tf.estimator import Estimator
if __name__ == '__main__':
parser = argparse.ArgumentParser()
parser.add_argument('--cluster_mode', type=str, default="local",
help='The mode for the Spark cluster. local, yarn or spark-submit.')
parser.add_argument('--file_path', type=str, default="/tmp/carvana/",
help="The path to carvana train.zip, train_mask.zip and train_mask.csv.zip")
parser.add_argument('--epochs', type=int, default=8,
help="The number of epochs to train the model")
parser.add_argument('--batch_size', type=int, default=8,
help="Batch size for training and prediction")
parser.add_argument('--platform', type=str, default="linux",
help="The platform you used. Only linux and mac are supported.")
parser.add_argument('--non_interactive', default=False, action="store_true",
help="Flag to not visualize the result.")
args = parser.parse_args()
main(args.cluster_mode, args.epochs, args.file_path, args.batch_size, args.platform,
args.non_interactive)
| [
2,
198,
2,
15069,
1584,
383,
4403,
19260,
46665,
13,
198,
2,
198,
2,
49962,
739,
262,
24843,
13789,
11,
10628,
362,
13,
15,
357,
1169,
366,
34156,
15341,
198,
2,
345,
743,
407,
779,
428,
2393,
2845,
287,
11846,
351,
262,
13789,
13,
198,
2,
921,
743,
7330,
257,
4866,
286,
262,
13789,
379,
198,
2,
198,
2,
220,
220,
220,
220,
2638,
1378,
2503,
13,
43073,
13,
2398,
14,
677,
4541,
14,
43,
2149,
24290,
12,
17,
13,
15,
198,
2,
198,
2,
17486,
2672,
416,
9723,
1099,
393,
4987,
284,
287,
3597,
11,
3788,
198,
2,
9387,
739,
262,
13789,
318,
9387,
319,
281,
366,
1921,
3180,
1,
29809,
1797,
11,
198,
2,
42881,
34764,
11015,
6375,
7102,
49828,
11053,
3963,
15529,
509,
12115,
11,
2035,
4911,
393,
17142,
13,
198,
2,
4091,
262,
13789,
329,
262,
2176,
3303,
15030,
21627,
290,
198,
2,
11247,
739,
262,
13789,
13,
198,
2,
198,
11748,
1822,
29572,
198,
11748,
28686,
198,
11748,
19974,
7753,
198,
11748,
19798,
292,
355,
279,
67,
198,
6738,
350,
4146,
1330,
7412,
198,
198,
11748,
11192,
273,
11125,
355,
48700,
198,
6738,
11192,
273,
11125,
13,
29412,
13,
6122,
292,
1330,
11685,
198,
6738,
11192,
273,
11125,
13,
29412,
13,
6122,
292,
1330,
9089,
198,
6738,
11192,
273,
11125,
13,
29412,
13,
6122,
292,
1330,
4981,
198,
6738,
11192,
273,
11125,
13,
29412,
13,
6122,
292,
1330,
30203,
355,
509,
198,
11748,
2603,
29487,
8019,
13,
9060,
355,
29034,
9600,
198,
11748,
2603,
29487,
8019,
13,
9078,
29487,
355,
458,
83,
198,
6738,
1341,
35720,
13,
19849,
62,
49283,
1330,
4512,
62,
9288,
62,
35312,
198,
11748,
299,
32152,
355,
45941,
198,
198,
6738,
1263,
25404,
13,
273,
6888,
1330,
2315,
62,
273,
6888,
62,
22866,
11,
2245,
62,
273,
6888,
62,
22866,
198,
6738,
1263,
25404,
13,
273,
6888,
13,
7890,
1330,
1395,
2484,
1371,
198,
6738,
1263,
25404,
13,
273,
6888,
13,
35720,
13,
27110,
13,
395,
320,
1352,
1330,
10062,
320,
1352,
628,
628,
198,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
220,
220,
30751,
796,
1822,
29572,
13,
28100,
1713,
46677,
3419,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
10786,
438,
565,
5819,
62,
14171,
3256,
2099,
28,
2536,
11,
4277,
2625,
12001,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1037,
11639,
464,
4235,
329,
262,
17732,
13946,
13,
1957,
11,
21181,
393,
9009,
12,
46002,
2637,
8,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
10786,
438,
7753,
62,
6978,
3256,
2099,
28,
2536,
11,
4277,
35922,
22065,
14,
7718,
33175,
14,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1037,
2625,
464,
3108,
284,
1097,
33175,
4512,
13,
13344,
11,
4512,
62,
27932,
13,
13344,
290,
4512,
62,
27932,
13,
40664,
13,
13344,
4943,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
10786,
438,
538,
5374,
82,
3256,
2099,
28,
600,
11,
4277,
28,
23,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1037,
2625,
464,
1271,
286,
36835,
82,
284,
4512,
262,
2746,
4943,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
10786,
438,
43501,
62,
7857,
3256,
2099,
28,
600,
11,
4277,
28,
23,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1037,
2625,
33,
963,
2546,
329,
3047,
290,
17724,
4943,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
10786,
438,
24254,
3256,
2099,
28,
2536,
11,
4277,
2625,
23289,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1037,
2625,
464,
3859,
345,
973,
13,
5514,
32639,
290,
8352,
389,
4855,
19570,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
10786,
438,
13159,
62,
3849,
5275,
3256,
4277,
28,
25101,
11,
2223,
2625,
8095,
62,
7942,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1037,
2625,
34227,
284,
407,
38350,
262,
1255,
19570,
628,
220,
220,
220,
26498,
796,
30751,
13,
29572,
62,
22046,
3419,
198,
220,
220,
220,
1388,
7,
22046,
13,
565,
5819,
62,
14171,
11,
26498,
13,
538,
5374,
82,
11,
26498,
13,
7753,
62,
6978,
11,
26498,
13,
43501,
62,
7857,
11,
26498,
13,
24254,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
26498,
13,
13159,
62,
3849,
5275,
8,
628
] | 2.858396 | 798 |
"""
Algorithms for ode propagation with adaptive step selection
using explicit embedded runge-kutta method (rk_step):
- select_initial_step: select size of first step
- rk_variable_step: make an adaptive rk step according to tolerance
- rk_prop: integrate ode from s0, t0 to t (Cauchy's problem)
- event_detector: root separation for given event function
- prop_event: calculate event function from s0, t0 to t
- calc_root_brentq: root calculation procedure for events time location
- accurate_events: calculate state and time of given events
- rk_prop_ev: integrate ode from s0, t0 up to terminal events or time t (boundary problem)
Parts of code was used (and rewrited) from scipy.integrate.solve_ivp:
https://github.com/scipy/scipy/tree/v1.7.0/scipy/integrate/_ivp
and scipy.optimize.brentq:
https://github.com/scipy/scipy/blob/v1.7.0/scipy/optimize/zeros.py
"""
import numpy as np
# minimum feasible tolerance
EPS = np.finfo(float).eps
# rk_variable_step constants
SAFETY = 0.9 # Multiply steps computed from asymptotic behaviour of errors by this
MIN_FACTOR = 0.2 # Minimum allowed decrease in a step size
MAX_FACTOR = 10 # Maximum allowed increase in a step size
# rk_prop constants
N_STEPS = 2 ** 13 # 8192, standard array size for rk steps
N_STEPS_MUL = 2 # Array size multiplier when array is filled up
N_STEPS_MAX = 2 ** 24 # 16777216, maximum allowed steps count
# rk_prop_ev constants
N_EVENTS = 2 ** 10 # 1024, standard events count
N_EVENTS_MUL = 2 # Array size multiplier when array is filled up
N_EVENTS_MAX = 2 ** 24 # 16777216, maximum allowed events count
def rk_variable_step(fode, t, s, h_abs, direction, t_bound, max_step, atol, rtol, out, *fargs):
"""
Make one RK step of h_abs size in given direction and calculate size of the next step.
:param fode: right part of ODE system, should be @cfunc
:param s: current state
:param t: current time
:param h_abs: absolute value of current step
:param direction: step direction (+1/-1)
:param t_bound: boundary time
:param max_step: maximum allowed step size
:param atol: absolute tolerance
:param rtol: relative tolerance
:param out: (writable) array for time and state after successful step
:param fargs: fode additional arguments
:return: assumption for size of next step
"""
min_step = 10 * np.abs(np.nextafter(t, direction * np.inf) - t)
error_exponent = -1 / (RK_ORDER[1] + 1)
if h_abs > max_step:
h_abs = max_step
elif h_abs < min_step:
h_abs = min_step
step_accepted = False
step_rejected = False
while not step_accepted:
if h_abs < min_step:
raise ValueError('Step size becomes too small')
h = h_abs * direction
t_new = t + h
if direction * (t_new - t_bound) > 0: # in case of last step
t_new = t_bound
h = t_new - t
h_abs = abs(h)
sarr = rk_step(fode, t, s, h, *fargs)
s_new = sarr[:, 0]
s_err = sarr[:, 1]
scale = atol + np.maximum(np.abs(s), np.abs(s_new)) * rtol
error_norm = rms_norm(s_err / scale) # _estimate_error_norm(self.K, h, scale)
if error_norm < 1:
if error_norm == 0:
factor = MAX_FACTOR
else:
factor = min(MAX_FACTOR, SAFETY * error_norm ** error_exponent)
if step_rejected:
factor = min(1, factor)
h_abs *= factor
step_accepted = True
else:
h_abs *= max(MIN_FACTOR, SAFETY * error_norm ** error_exponent)
step_rejected = True
out[0] = t_new
out[1:] = s_new
return h_abs
def select_initial_step(fode, t0, s0, direction, rtol, atol, *fargs):
"""
Select good initial step size.
See scipy.integrate.solve_ivp for details.
:param fode: right part of ODE system, should be @cfunc
:param t0: initial time
:param s0: initial state
:param direction: step direction (+1/-1)
:param atol: absolute tolerance
:param rtol: relative tolerance
:param fargs: fode additional arguments
:return:
"""
if s0.size == 0:
return np.inf
f0 = fode(t0, s0, *fargs)
scale = atol + np.abs(s0) * rtol
d0 = rms_norm(s0 / scale)
d1 = rms_norm(f0 / scale)
if d0 < 1e-5 or d1 < 1e-5:
h0 = 1e-6
else:
h0 = 0.01 * d0 / d1
s1 = s0 + h0 * direction * f0
f1 = fode(t0 + h0 * direction, s1, *fargs)
d2 = rms_norm((f1 - f0) / scale) / h0
if d1 <= 1e-15 and d2 <= 1e-15:
h1 = max(1e-6, h0 * 1e-3)
else:
h1 = (0.01 / max(d1, d2)) ** (1 / (RK_ORDER[1] + 1))
return min(100 * h0, h1)
def rk_prop(fode, s0, t0, t, max_step, rtol, atol, *fargs):
"""
Integrate ODE from t0, s0 to t.
See scipy.integrate.solve_ivp for details.
:param fode: right part of ODE system, should be @cfunc
:param s0: initial state
:param t0: initial time
:param t: boundary time
:param max_step: maximum allowed step size
:param rtol: relative tolerance
:param atol: absolute tolerance
:param fargs: fode additional arguments
:return: array [[time, state]] for each integrator step
"""
direction = 1. if t >= t0 else -1.
h_abs = select_initial_step(fode, t0, s0, direction, rtol, atol, *fargs)
# h_abs = abs(first_step)
n_steps = N_STEPS
trajectory = np.empty((n_steps, s0.size + 1), dtype=s0.dtype)
trajectory[0, 0] = t0
trajectory[0, 1:] = s0
i = 0
while abs(trajectory[i, 0] - t) > EPS:
h_abs = rk_variable_step(fode, trajectory[i, 0], trajectory[i, 1:],
h_abs, direction, t, max_step, rtol, atol,
trajectory[i + 1], *fargs)
i += 1
if i >= n_steps - 1:
# resize array
n_steps *= N_STEPS_MUL
if n_steps > N_STEPS_MAX:
raise RuntimeError('Maximum allowed steps count exceeded')
tmp = trajectory
trajectory = _resize_2darray_axis0(trajectory, n_steps)
return trajectory[:i + 1]
def event_detector(call_event, t, s, evvals, it, counters, values, terminals, directions, counts, evout, n_evout):
"""
Separate roots of event functions, i.e. time moments when events triggered.
:param call_event: call_event function
:param t: current time
:param s: current state
:param evvals: array with event function values at previous times
:param it: number of current iteration (index of state in trajectory)
:param counters: current event counters
:param values: array of values for event functions
:param terminals: array of bools (whether event is terminal)
:param directions: array of direction for events
:param counts: array of
:param evout: (writable) array [[event_index, event_counter, trajectory_index]]
:param n_evout: (writable) array of one int (size of evout)
:return:
"""
terminal = False
n_events = evvals.shape[1]
for i in range(n_events):
evvals[it, i] = call_event(t, s, values, i)
if it == 0:
counters[...] = counts
return 0
for i in range(n_events):
cur_val = evvals[it][i]
prev_val = evvals[it - 1][i]
f1 = (prev_val < 0) and (cur_val > 0) and ((directions[i] == 1) or (directions[i] == 0))
f2 = (prev_val > 0) and (cur_val < 0) and ((directions[i] == -1) or (directions[i] == 0))
if (f1 or f2) and ((counters[i] == -1) or (counters[i] > 0)):
if counters[i] > 0:
counters[i] -= 1
cnt = -1 if counters[i] == -1 else counts[i] - counters[i]
# event index, event trigger counter, index of state before event
evout[n_evout[0]] = np.array([i, cnt, it - 1])
n_evout[0] += 1
if terminals[i] and ((counters[i] == -1) or (counters[i] == 0)):
terminal = True
if terminal:
return -1
return 0
def prop_event(call_event, values, idx,
_fode, _s0, _t0, _t, _max_step, _rtol, _atol, *fargs):
"""
Propagate ODE state up to t and calculate value of [idx] event function
:param call_event: call_event function
:param values: events values
:param idx: event index
:param _rest: rk_prop arguments
:param fargs: _fode additional arguments
:return:
"""
trj = rk_prop(_fode, _s0, _t0, _t, _max_step, _rtol, _atol, *fargs)
return call_event(trj[-1, 0], trj[-1, 1:], values, idx)
def calc_root_brentq(xa, xb, xtol, rtol, maxiter,
_fode, _s0, _max_step, _rtol, _atol,
__call_event, __values, __idx, *fargs):
"""
Brent's root finding algorithm for prop_event(t) function.
See scipy.optimize.brentq for details.
:param xa: left side of segment
:param xb: right side of segment
:param xtol: absolute tolerance by function argument
:param rtol: relative tolerance
:param maxiter: maximum number of iterations
:param rest: prop_event arguments
:return: <x>, where f(<x>) = 0 with specified tolerance
"""
xpre, xcur = xa, xb
xblk, fblk = 0., 0.
spre, scur = 0., 0.
fpre = prop_event(__call_event, __values, __idx, _fode, _s0, xa, xpre, _max_step, _rtol, _atol, *fargs)
fcur = prop_event(__call_event, __values, __idx, _fode, _s0, xa, xcur, _max_step, _rtol, _atol, *fargs)
if fpre * fcur > 0:
raise ValueError('The event function has the same signs at both ends of the segment')
if fpre == 0:
return xpre
if fcur == 0:
return xcur
for i in range(maxiter):
if fpre * fcur < 0:
xblk = xpre
fblk = fpre
spre = scur = xcur - xpre
if abs(fblk) < abs(fcur):
xpre = xcur
xcur = xblk
xblk = xpre
fpre = fcur
fcur = fblk
fblk = fpre
delta = (xtol + rtol * abs(xcur)) / 2
sbis = (xblk - xcur) / 2
if fcur == 0 or abs(sbis) < delta:
return xcur
if abs(spre) > delta and abs(fcur) < abs(fpre):
if xpre == xblk:
stry = -fcur * (xcur - xpre) / (fcur - fpre)
else:
dpre = (fpre - fcur) / (xpre - xcur)
dblk = (fblk - fcur) / (xblk - xcur)
stry = -fcur * (fblk * dblk - fpre * dpre) / (dblk * dpre * (fblk - fpre))
if 2 * abs(stry) < min(abs(spre), 3 * abs(sbis) - delta):
spre = scur
scur = stry
else:
spre = sbis
scur = sbis
else:
spre = sbis
scur = sbis
xpre = xcur
fpre = fcur
if abs(scur) > delta:
xcur += scur
else:
xcur += delta if sbis > 0 else -delta
fcur = prop_event(__call_event, __values, __idx, _fode, _s0, xa, xcur, _max_step, _rtol, _atol, *fargs)
raise ValueError('Convergence error')
def accurate_events(trajectory, evout, accurates,
_call_event, _values, _xtol, _rtol, _maxiter,
__fode, __max_step, __rtol, __atol, *fargs):
"""
Calculate event time and state where it needs to with given tolerance.
:param trajectory: calculated trajectory (array of time-states)
:param evout: array of [event_index, event_counter, trajectory_index]
:param accurates: array of bools (True if event should be calculated accurate)
:param _rest: calc_root_brentq, rk_prop arguments
:param fargs: _fode additional arguments
:return: event-states-array [[event_index, event_counter, time, state]]
"""
# evout [[event_index, event_counter, trajectory_index]]
n = evout.shape[0]
res = np.empty((n, trajectory.shape[1] + 2), dtype=trajectory.dtype)
for i in range(n):
ei = evout[i, 0]
ti = evout[i, 2]
t0 = trajectory[ti, 0]
t1 = trajectory[ti + 1, 0]
s0 = trajectory[ti, 1:]
res[i, :2] = evout[i, :2]
if accurates[ei]:
t = calc_root_brentq(t0, t1, _xtol, _rtol, _maxiter,
__fode, s0, __max_step, __rtol, __atol,
_call_event, _values, ei, *fargs)
res[i, 2:] = rk_prop(__fode, s0, t0, t, __max_step, __rtol, __atol, *fargs)[-1]
else:
res[i, 2:] = trajectory[ti + 1]
return res
def rk_prop_ev(fode, s0, t0, t, max_step, rtol, atol,
_values, _terminals, _directions, _counts, _accurates,
__call_event, __xtol, __rtol, __maxiter, *fargs):
"""
Integrate ODE from t0, s0 up to any terminal event or time t.
:param fode: right part of ODE system, should be @cfunc
:param s0: initial state
:param t0: initial time
:param t: end time
:param max_step: maximum step size
:param rtol: relative tolerance
:param atol: absolute tolerance
:param _rest: event_detector, rk_variable_step arguments
:param fargs: fode additional arguments
:return: trajectory-array, event-states-array
"""
direction = 1. if t >= t0 else -1.
h_abs = select_initial_step(fode, t0, s0, direction, rtol, atol, *fargs)
n_steps = N_STEPS
trajectory = np.empty((n_steps, s0.size + 1), dtype=s0.dtype)
trajectory[0, 0] = t0
trajectory[0, 1:] = s0
n_events = N_EVENTS
ev_n = _terminals.size
evvals = np.empty((n_steps, ev_n), dtype=s0.dtype)
counters = np.empty(ev_n, dtype=np.int32)
evout = np.empty((n_events, 3), dtype=np.int32)
n_evout = np.zeros(1, dtype=np.int32)
# first call
event_detector(__call_event, t, s0, evvals, 0, counters,
_values, _terminals, _directions, _counts,
evout, n_evout)
i = 0
while abs(trajectory[i, 0] - t) > EPS:
h_abs = rk_variable_step(fode, trajectory[i, 0], trajectory[i, 1:],
h_abs, direction, t, max_step, rtol, atol,
trajectory[i + 1], *fargs)
i += 1
if i >= n_steps - 1:
n_steps *= N_STEPS_MUL
if n_steps > N_STEPS_MAX:
raise RuntimeError('Maximum allowed steps count exceeded')
tmp = trajectory
trajectory = _resize_2darray_axis0(trajectory, n_steps)
evvals = _resize_2darray_axis0(evvals, n_steps)
trm = event_detector(__call_event, trajectory[i, 0], trajectory[i, 1:], evvals, i,
counters, _values, _terminals, _directions, _counts,
evout, n_evout)
if n_evout[0] >= n_events - 1:
n_events *= N_EVENTS_MUL
if n_steps > N_EVENTS_MAX:
raise RuntimeError('Maximum allowed count of event records exceeded')
tmp = evout
evout = _resize_2darray_axis0(evout, n_events)
if trm != 0:
break
event_out = accurate_events(trajectory, evout[:n_evout[0]], _accurates,
__call_event, _values, __xtol, __rtol, __maxiter,
fode, max_step, rtol, atol, *fargs)
return trajectory[:i + 1], event_out
| [
37811,
198,
2348,
7727,
907,
329,
267,
2934,
43594,
351,
29605,
2239,
6356,
198,
3500,
7952,
14553,
1057,
469,
12,
74,
315,
8326,
2446,
357,
81,
74,
62,
9662,
2599,
198,
12,
2922,
62,
36733,
62,
9662,
25,
2922,
2546,
286,
717,
2239,
198,
12,
374,
74,
62,
45286,
62,
9662,
25,
787,
281,
29605,
374,
74,
2239,
1864,
284,
15621,
198,
12,
374,
74,
62,
22930,
25,
19386,
267,
2934,
422,
264,
15,
11,
256,
15,
284,
256,
357,
34,
559,
29658,
338,
1917,
8,
198,
12,
1785,
62,
15255,
9250,
25,
6808,
14139,
329,
1813,
1785,
2163,
198,
12,
2632,
62,
15596,
25,
15284,
1785,
2163,
422,
264,
15,
11,
256,
15,
284,
256,
198,
12,
42302,
62,
15763,
62,
65,
1156,
80,
25,
6808,
17952,
8771,
329,
2995,
640,
4067,
198,
12,
7187,
62,
31534,
25,
15284,
1181,
290,
640,
286,
1813,
2995,
198,
12,
374,
74,
62,
22930,
62,
1990,
25,
19386,
267,
2934,
422,
264,
15,
11,
256,
15,
510,
284,
12094,
2995,
393,
640,
256,
357,
7784,
560,
1917,
8,
198,
198,
42670,
286,
2438,
373,
973,
357,
392,
302,
8933,
276,
8,
422,
629,
541,
88,
13,
18908,
4873,
13,
82,
6442,
62,
452,
79,
25,
198,
5450,
1378,
12567,
13,
785,
14,
1416,
541,
88,
14,
1416,
541,
88,
14,
21048,
14,
85,
16,
13,
22,
13,
15,
14,
1416,
541,
88,
14,
18908,
4873,
47835,
452,
79,
198,
392,
629,
541,
88,
13,
40085,
1096,
13,
65,
1156,
80,
25,
198,
5450,
1378,
12567,
13,
785,
14,
1416,
541,
88,
14,
1416,
541,
88,
14,
2436,
672,
14,
85,
16,
13,
22,
13,
15,
14,
1416,
541,
88,
14,
40085,
1096,
14,
9107,
418,
13,
9078,
198,
37811,
198,
198,
11748,
299,
32152,
355,
45941,
198,
198,
2,
5288,
23498,
15621,
198,
36,
3705,
796,
45941,
13,
69,
10951,
7,
22468,
737,
25386,
198,
198,
2,
374,
74,
62,
45286,
62,
9662,
38491,
198,
4090,
37,
2767,
56,
796,
657,
13,
24,
220,
1303,
7854,
541,
306,
4831,
29231,
422,
355,
4948,
457,
6210,
9172,
286,
8563,
416,
428,
198,
23678,
62,
37,
10659,
1581,
796,
657,
13,
17,
220,
1303,
26265,
3142,
10070,
287,
257,
2239,
2546,
198,
22921,
62,
37,
10659,
1581,
796,
838,
220,
1303,
22246,
3142,
2620,
287,
257,
2239,
2546,
198,
198,
2,
374,
74,
62,
22930,
38491,
198,
45,
62,
30516,
3705,
796,
362,
12429,
1511,
220,
1303,
807,
17477,
11,
3210,
7177,
2546,
329,
374,
74,
4831,
198,
45,
62,
30516,
3705,
62,
44,
6239,
796,
362,
220,
1303,
15690,
2546,
33090,
618,
7177,
318,
5901,
510,
198,
45,
62,
30516,
3705,
62,
22921,
796,
362,
12429,
1987,
220,
1303,
1467,
3324,
4761,
1433,
11,
5415,
3142,
4831,
954,
198,
198,
2,
374,
74,
62,
22930,
62,
1990,
38491,
198,
45,
62,
20114,
15365,
796,
362,
12429,
838,
220,
1303,
28119,
11,
3210,
2995,
954,
198,
45,
62,
20114,
15365,
62,
44,
6239,
796,
362,
220,
1303,
15690,
2546,
33090,
618,
7177,
318,
5901,
510,
198,
45,
62,
20114,
15365,
62,
22921,
796,
362,
12429,
1987,
220,
1303,
1467,
3324,
4761,
1433,
11,
5415,
3142,
2995,
954,
628,
628,
198,
4299,
374,
74,
62,
45286,
62,
9662,
7,
69,
1098,
11,
256,
11,
264,
11,
289,
62,
8937,
11,
4571,
11,
256,
62,
7784,
11,
3509,
62,
9662,
11,
379,
349,
11,
374,
83,
349,
11,
503,
11,
1635,
69,
22046,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
6889,
530,
371,
42,
2239,
286,
289,
62,
8937,
2546,
287,
1813,
4571,
290,
15284,
2546,
286,
262,
1306,
2239,
13,
628,
220,
220,
220,
1058,
17143,
277,
1098,
25,
826,
636,
286,
440,
7206,
1080,
11,
815,
307,
2488,
66,
20786,
198,
220,
220,
220,
1058,
17143,
264,
25,
1459,
1181,
198,
220,
220,
220,
1058,
17143,
256,
25,
1459,
640,
198,
220,
220,
220,
1058,
17143,
289,
62,
8937,
25,
4112,
1988,
286,
1459,
2239,
198,
220,
220,
220,
1058,
17143,
4571,
25,
2239,
4571,
11502,
16,
16327,
16,
8,
198,
220,
220,
220,
1058,
17143,
256,
62,
7784,
25,
18645,
640,
198,
220,
220,
220,
1058,
17143,
3509,
62,
9662,
25,
5415,
3142,
2239,
2546,
198,
220,
220,
220,
1058,
17143,
379,
349,
25,
4112,
15621,
198,
220,
220,
220,
1058,
17143,
374,
83,
349,
25,
3585,
15621,
198,
220,
220,
220,
1058,
17143,
503,
25,
357,
8933,
540,
8,
7177,
329,
640,
290,
1181,
706,
4388,
2239,
198,
220,
220,
220,
1058,
17143,
277,
22046,
25,
277,
1098,
3224,
7159,
198,
220,
220,
220,
1058,
7783,
25,
13196,
329,
2546,
286,
1306,
2239,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
949,
62,
9662,
796,
838,
1635,
45941,
13,
8937,
7,
37659,
13,
19545,
8499,
7,
83,
11,
4571,
1635,
45941,
13,
10745,
8,
532,
256,
8,
198,
220,
220,
220,
4049,
62,
11201,
3471,
796,
532,
16,
1220,
357,
49,
42,
62,
12532,
1137,
58,
16,
60,
1343,
352,
8,
628,
220,
220,
220,
611,
289,
62,
8937,
1875,
3509,
62,
9662,
25,
198,
220,
220,
220,
220,
220,
220,
220,
289,
62,
8937,
796,
3509,
62,
9662,
198,
220,
220,
220,
1288,
361,
289,
62,
8937,
1279,
949,
62,
9662,
25,
198,
220,
220,
220,
220,
220,
220,
220,
289,
62,
8937,
796,
949,
62,
9662,
628,
220,
220,
220,
2239,
62,
13635,
276,
796,
10352,
198,
220,
220,
220,
2239,
62,
260,
35408,
796,
10352,
628,
220,
220,
220,
981,
407,
2239,
62,
13635,
276,
25,
198,
220,
220,
220,
220,
220,
220,
220,
611,
289,
62,
8937,
1279,
949,
62,
9662,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
11052,
12331,
10786,
8600,
2546,
4329,
1165,
1402,
11537,
628,
220,
220,
220,
220,
220,
220,
220,
289,
796,
289,
62,
8937,
1635,
4571,
198,
220,
220,
220,
220,
220,
220,
220,
256,
62,
3605,
796,
256,
1343,
289,
628,
220,
220,
220,
220,
220,
220,
220,
611,
4571,
1635,
357,
83,
62,
3605,
532,
256,
62,
7784,
8,
1875,
657,
25,
220,
1303,
287,
1339,
286,
938,
2239,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
256,
62,
3605,
796,
256,
62,
7784,
628,
220,
220,
220,
220,
220,
220,
220,
289,
796,
256,
62,
3605,
532,
256,
198,
220,
220,
220,
220,
220,
220,
220,
289,
62,
8937,
796,
2352,
7,
71,
8,
628,
220,
220,
220,
220,
220,
220,
220,
264,
3258,
796,
374,
74,
62,
9662,
7,
69,
1098,
11,
256,
11,
264,
11,
289,
11,
1635,
69,
22046,
8,
198,
220,
220,
220,
220,
220,
220,
220,
264,
62,
3605,
796,
264,
3258,
58,
45299,
657,
60,
198,
220,
220,
220,
220,
220,
220,
220,
264,
62,
8056,
796,
264,
3258,
58,
45299,
352,
60,
628,
220,
220,
220,
220,
220,
220,
220,
5046,
796,
379,
349,
1343,
45941,
13,
47033,
7,
37659,
13,
8937,
7,
82,
828,
45941,
13,
8937,
7,
82,
62,
3605,
4008,
1635,
374,
83,
349,
198,
220,
220,
220,
220,
220,
220,
220,
4049,
62,
27237,
796,
374,
907,
62,
27237,
7,
82,
62,
8056,
1220,
5046,
8,
220,
1303,
4808,
395,
1920,
62,
18224,
62,
27237,
7,
944,
13,
42,
11,
289,
11,
5046,
8,
628,
220,
220,
220,
220,
220,
220,
220,
611,
4049,
62,
27237,
1279,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
4049,
62,
27237,
6624,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5766,
796,
25882,
62,
37,
10659,
1581,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5766,
796,
949,
7,
22921,
62,
37,
10659,
1581,
11,
37630,
2767,
56,
1635,
4049,
62,
27237,
12429,
4049,
62,
11201,
3471,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2239,
62,
260,
35408,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5766,
796,
949,
7,
16,
11,
5766,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
289,
62,
8937,
1635,
28,
5766,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2239,
62,
13635,
276,
796,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
289,
62,
8937,
1635,
28,
3509,
7,
23678,
62,
37,
10659,
1581,
11,
37630,
2767,
56,
1635,
4049,
62,
27237,
12429,
4049,
62,
11201,
3471,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2239,
62,
260,
35408,
796,
6407,
628,
220,
220,
220,
503,
58,
15,
60,
796,
256,
62,
3605,
198,
220,
220,
220,
503,
58,
16,
47715,
796,
264,
62,
3605,
628,
220,
220,
220,
1441,
289,
62,
8937,
628,
198,
4299,
2922,
62,
36733,
62,
9662,
7,
69,
1098,
11,
256,
15,
11,
264,
15,
11,
4571,
11,
374,
83,
349,
11,
379,
349,
11,
1635,
69,
22046,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
9683,
922,
4238,
2239,
2546,
13,
198,
220,
220,
220,
4091,
629,
541,
88,
13,
18908,
4873,
13,
82,
6442,
62,
452,
79,
329,
3307,
13,
628,
220,
220,
220,
1058,
17143,
277,
1098,
25,
826,
636,
286,
440,
7206,
1080,
11,
815,
307,
2488,
66,
20786,
198,
220,
220,
220,
1058,
17143,
256,
15,
25,
4238,
640,
198,
220,
220,
220,
1058,
17143,
264,
15,
25,
4238,
1181,
198,
220,
220,
220,
1058,
17143,
4571,
25,
2239,
4571,
11502,
16,
16327,
16,
8,
198,
220,
220,
220,
1058,
17143,
379,
349,
25,
4112,
15621,
198,
220,
220,
220,
1058,
17143,
374,
83,
349,
25,
3585,
15621,
198,
220,
220,
220,
1058,
17143,
277,
22046,
25,
277,
1098,
3224,
7159,
198,
220,
220,
220,
1058,
7783,
25,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
611,
264,
15,
13,
7857,
6624,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
45941,
13,
10745,
628,
220,
220,
220,
277,
15,
796,
277,
1098,
7,
83,
15,
11,
264,
15,
11,
1635,
69,
22046,
8,
198,
220,
220,
220,
5046,
796,
379,
349,
1343,
45941,
13,
8937,
7,
82,
15,
8,
1635,
374,
83,
349,
198,
220,
220,
220,
288,
15,
796,
374,
907,
62,
27237,
7,
82,
15,
1220,
5046,
8,
198,
220,
220,
220,
288,
16,
796,
374,
907,
62,
27237,
7,
69,
15,
1220,
5046,
8,
198,
220,
220,
220,
611,
288,
15,
1279,
352,
68,
12,
20,
393,
288,
16,
1279,
352,
68,
12,
20,
25,
198,
220,
220,
220,
220,
220,
220,
220,
289,
15,
796,
352,
68,
12,
21,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
289,
15,
796,
657,
13,
486,
1635,
288,
15,
1220,
288,
16,
628,
220,
220,
220,
264,
16,
796,
264,
15,
1343,
289,
15,
1635,
4571,
1635,
277,
15,
198,
220,
220,
220,
277,
16,
796,
277,
1098,
7,
83,
15,
1343,
289,
15,
1635,
4571,
11,
264,
16,
11,
1635,
69,
22046,
8,
198,
220,
220,
220,
288,
17,
796,
374,
907,
62,
27237,
19510,
69,
16,
532,
277,
15,
8,
1220,
5046,
8,
1220,
289,
15,
628,
220,
220,
220,
611,
288,
16,
19841,
352,
68,
12,
1314,
290,
288,
17,
19841,
352,
68,
12,
1314,
25,
198,
220,
220,
220,
220,
220,
220,
220,
289,
16,
796,
3509,
7,
16,
68,
12,
21,
11,
289,
15,
1635,
352,
68,
12,
18,
8,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
289,
16,
796,
357,
15,
13,
486,
1220,
3509,
7,
67,
16,
11,
288,
17,
4008,
12429,
357,
16,
1220,
357,
49,
42,
62,
12532,
1137,
58,
16,
60,
1343,
352,
4008,
628,
220,
220,
220,
1441,
949,
7,
3064,
1635,
289,
15,
11,
289,
16,
8,
628,
198,
4299,
374,
74,
62,
22930,
7,
69,
1098,
11,
264,
15,
11,
256,
15,
11,
256,
11,
3509,
62,
9662,
11,
374,
83,
349,
11,
379,
349,
11,
1635,
69,
22046,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
15995,
4873,
440,
7206,
422,
256,
15,
11,
264,
15,
284,
256,
13,
198,
220,
220,
220,
4091,
629,
541,
88,
13,
18908,
4873,
13,
82,
6442,
62,
452,
79,
329,
3307,
13,
628,
220,
220,
220,
1058,
17143,
277,
1098,
25,
826,
636,
286,
440,
7206,
1080,
11,
815,
307,
2488,
66,
20786,
198,
220,
220,
220,
1058,
17143,
264,
15,
25,
4238,
1181,
198,
220,
220,
220,
1058,
17143,
256,
15,
25,
4238,
640,
198,
220,
220,
220,
1058,
17143,
256,
25,
18645,
640,
198,
220,
220,
220,
1058,
17143,
3509,
62,
9662,
25,
5415,
3142,
2239,
2546,
198,
220,
220,
220,
1058,
17143,
374,
83,
349,
25,
3585,
15621,
198,
220,
220,
220,
1058,
17143,
379,
349,
25,
4112,
15621,
198,
220,
220,
220,
1058,
17143,
277,
22046,
25,
277,
1098,
3224,
7159,
198,
220,
220,
220,
1058,
7783,
25,
7177,
16410,
2435,
11,
1181,
11907,
329,
1123,
4132,
12392,
2239,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
4571,
796,
352,
13,
611,
256,
18189,
256,
15,
2073,
532,
16,
13,
198,
220,
220,
220,
289,
62,
8937,
796,
2922,
62,
36733,
62,
9662,
7,
69,
1098,
11,
256,
15,
11,
264,
15,
11,
4571,
11,
374,
83,
349,
11,
379,
349,
11,
1635,
69,
22046,
8,
198,
220,
220,
220,
1303,
289,
62,
8937,
796,
2352,
7,
11085,
62,
9662,
8,
628,
220,
220,
220,
299,
62,
20214,
796,
399,
62,
30516,
3705,
198,
220,
220,
220,
22942,
796,
45941,
13,
28920,
19510,
77,
62,
20214,
11,
264,
15,
13,
7857,
1343,
352,
828,
288,
4906,
28,
82,
15,
13,
67,
4906,
8,
198,
220,
220,
220,
22942,
58,
15,
11,
657,
60,
796,
256,
15,
198,
220,
220,
220,
22942,
58,
15,
11,
352,
47715,
796,
264,
15,
628,
220,
220,
220,
1312,
796,
657,
198,
220,
220,
220,
981,
2352,
7,
9535,
752,
652,
58,
72,
11,
657,
60,
532,
256,
8,
1875,
47013,
25,
198,
220,
220,
220,
220,
220,
220,
220,
289,
62,
8937,
796,
374,
74,
62,
45286,
62,
9662,
7,
69,
1098,
11,
22942,
58,
72,
11,
657,
4357,
22942,
58,
72,
11,
352,
25,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
289,
62,
8937,
11,
4571,
11,
256,
11,
3509,
62,
9662,
11,
374,
83,
349,
11,
379,
349,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
22942,
58,
72,
1343,
352,
4357,
1635,
69,
22046,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1312,
15853,
352,
198,
220,
220,
220,
220,
220,
220,
220,
611,
1312,
18189,
299,
62,
20214,
532,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
47558,
7177,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
299,
62,
20214,
1635,
28,
399,
62,
30516,
3705,
62,
44,
6239,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
299,
62,
20214,
1875,
399,
62,
30516,
3705,
62,
22921,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
43160,
12331,
10786,
40541,
3142,
4831,
954,
20672,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45218,
796,
22942,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
22942,
796,
4808,
411,
1096,
62,
17,
67,
18747,
62,
22704,
15,
7,
9535,
752,
652,
11,
299,
62,
20214,
8,
628,
220,
220,
220,
1441,
22942,
58,
25,
72,
1343,
352,
60,
628,
198,
4299,
1785,
62,
15255,
9250,
7,
13345,
62,
15596,
11,
256,
11,
264,
11,
819,
12786,
11,
340,
11,
21154,
11,
3815,
11,
30237,
11,
11678,
11,
9853,
11,
819,
448,
11,
299,
62,
1990,
448,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
8621,
30748,
11135,
286,
1785,
5499,
11,
1312,
13,
68,
13,
640,
7188,
618,
2995,
13973,
13,
628,
220,
220,
220,
1058,
17143,
869,
62,
15596,
25,
869,
62,
15596,
2163,
198,
220,
220,
220,
1058,
17143,
256,
25,
1459,
640,
198,
220,
220,
220,
1058,
17143,
264,
25,
1459,
1181,
198,
220,
220,
220,
1058,
17143,
819,
12786,
25,
7177,
351,
1785,
2163,
3815,
379,
2180,
1661,
198,
220,
220,
220,
1058,
17143,
340,
25,
1271,
286,
1459,
24415,
357,
9630,
286,
1181,
287,
22942,
8,
198,
220,
220,
220,
1058,
17143,
21154,
25,
1459,
1785,
21154,
198,
220,
220,
220,
1058,
17143,
3815,
25,
7177,
286,
3815,
329,
1785,
5499,
198,
220,
220,
220,
1058,
17143,
30237,
25,
7177,
286,
275,
10141,
357,
25356,
1785,
318,
12094,
8,
198,
220,
220,
220,
1058,
17143,
11678,
25,
7177,
286,
4571,
329,
2995,
198,
220,
220,
220,
1058,
17143,
9853,
25,
7177,
286,
198,
220,
220,
220,
1058,
17143,
819,
448,
25,
357,
8933,
540,
8,
7177,
16410,
15596,
62,
9630,
11,
1785,
62,
24588,
11,
22942,
62,
9630,
11907,
198,
220,
220,
220,
1058,
17143,
299,
62,
1990,
448,
25,
357,
8933,
540,
8,
7177,
286,
530,
493,
357,
7857,
286,
819,
448,
8,
198,
220,
220,
220,
1058,
7783,
25,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
12094,
796,
10352,
198,
220,
220,
220,
299,
62,
31534,
796,
819,
12786,
13,
43358,
58,
16,
60,
198,
220,
220,
220,
329,
1312,
287,
2837,
7,
77,
62,
31534,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
819,
12786,
58,
270,
11,
1312,
60,
796,
869,
62,
15596,
7,
83,
11,
264,
11,
3815,
11,
1312,
8,
628,
220,
220,
220,
611,
340,
6624,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
21154,
58,
22345,
796,
9853,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
657,
628,
220,
220,
220,
329,
1312,
287,
2837,
7,
77,
62,
31534,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
1090,
62,
2100,
796,
819,
12786,
58,
270,
7131,
72,
60,
198,
220,
220,
220,
220,
220,
220,
220,
8654,
62,
2100,
796,
819,
12786,
58,
270,
532,
352,
7131,
72,
60,
628,
220,
220,
220,
220,
220,
220,
220,
277,
16,
796,
357,
47050,
62,
2100,
1279,
657,
8,
290,
357,
22019,
62,
2100,
1875,
657,
8,
290,
14808,
12942,
507,
58,
72,
60,
6624,
352,
8,
393,
357,
12942,
507,
58,
72,
60,
6624,
657,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
277,
17,
796,
357,
47050,
62,
2100,
1875,
657,
8,
290,
357,
22019,
62,
2100,
1279,
657,
8,
290,
14808,
12942,
507,
58,
72,
60,
6624,
532,
16,
8,
393,
357,
12942,
507,
58,
72,
60,
6624,
657,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
611,
357,
69,
16,
393,
277,
17,
8,
290,
14808,
66,
15044,
58,
72,
60,
6624,
532,
16,
8,
393,
357,
66,
15044,
58,
72,
60,
1875,
657,
8,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
21154,
58,
72,
60,
1875,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
21154,
58,
72,
60,
48185,
352,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
269,
429,
796,
532,
16,
611,
21154,
58,
72,
60,
6624,
532,
16,
2073,
9853,
58,
72,
60,
532,
21154,
58,
72,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1785,
6376,
11,
1785,
7616,
3753,
11,
6376,
286,
1181,
878,
1785,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
819,
448,
58,
77,
62,
1990,
448,
58,
15,
11907,
796,
45941,
13,
18747,
26933,
72,
11,
269,
429,
11,
340,
532,
352,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
299,
62,
1990,
448,
58,
15,
60,
15853,
352,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
30237,
58,
72,
60,
290,
14808,
66,
15044,
58,
72,
60,
6624,
532,
16,
8,
393,
357,
66,
15044,
58,
72,
60,
6624,
657,
8,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12094,
796,
6407,
628,
220,
220,
220,
611,
12094,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
532,
16,
628,
220,
220,
220,
1441,
657,
628,
198,
4299,
2632,
62,
15596,
7,
13345,
62,
15596,
11,
3815,
11,
4686,
87,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
69,
1098,
11,
4808,
82,
15,
11,
4808,
83,
15,
11,
4808,
83,
11,
4808,
9806,
62,
9662,
11,
4808,
17034,
349,
11,
4808,
265,
349,
11,
1635,
69,
22046,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
8772,
37861,
440,
7206,
1181,
510,
284,
256,
290,
15284,
1988,
286,
685,
312,
87,
60,
1785,
2163,
198,
220,
220,
220,
1058,
17143,
869,
62,
15596,
25,
869,
62,
15596,
2163,
198,
220,
220,
220,
1058,
17143,
3815,
25,
2995,
3815,
198,
220,
220,
220,
1058,
17143,
4686,
87,
25,
1785,
6376,
198,
220,
220,
220,
1058,
17143,
4808,
2118,
25,
374,
74,
62,
22930,
7159,
198,
220,
220,
220,
1058,
17143,
277,
22046,
25,
4808,
69,
1098,
3224,
7159,
198,
220,
220,
220,
1058,
7783,
25,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
491,
73,
796,
374,
74,
62,
22930,
28264,
69,
1098,
11,
4808,
82,
15,
11,
4808,
83,
15,
11,
4808,
83,
11,
4808,
9806,
62,
9662,
11,
4808,
17034,
349,
11,
4808,
265,
349,
11,
1635,
69,
22046,
8,
198,
220,
220,
220,
1441,
869,
62,
15596,
7,
2213,
73,
58,
12,
16,
11,
657,
4357,
491,
73,
58,
12,
16,
11,
352,
25,
4357,
3815,
11,
4686,
87,
8,
628,
198,
4299,
42302,
62,
15763,
62,
65,
1156,
80,
7,
27865,
11,
2124,
65,
11,
220,
742,
349,
11,
374,
83,
349,
11,
3509,
2676,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
69,
1098,
11,
4808,
82,
15,
11,
4808,
9806,
62,
9662,
11,
4808,
17034,
349,
11,
4808,
265,
349,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11593,
13345,
62,
15596,
11,
11593,
27160,
11,
11593,
312,
87,
11,
1635,
69,
22046,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
23357,
338,
6808,
4917,
11862,
329,
2632,
62,
15596,
7,
83,
8,
2163,
13,
198,
220,
220,
220,
4091,
629,
541,
88,
13,
40085,
1096,
13,
65,
1156,
80,
329,
3307,
13,
628,
220,
220,
220,
1058,
17143,
2124,
64,
25,
1364,
1735,
286,
10618,
198,
220,
220,
220,
1058,
17143,
2124,
65,
25,
826,
1735,
286,
10618,
198,
220,
220,
220,
1058,
17143,
220,
742,
349,
25,
4112,
15621,
416,
2163,
4578,
198,
220,
220,
220,
1058,
17143,
374,
83,
349,
25,
3585,
15621,
198,
220,
220,
220,
1058,
17143,
3509,
2676,
25,
5415,
1271,
286,
34820,
198,
220,
220,
220,
1058,
17143,
1334,
25,
2632,
62,
15596,
7159,
198,
220,
220,
220,
1058,
7783,
25,
1279,
87,
22330,
810,
277,
7,
27,
87,
43734,
796,
657,
351,
7368,
15621,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
2124,
3866,
11,
2124,
22019,
796,
2124,
64,
11,
2124,
65,
198,
220,
220,
220,
2124,
2436,
74,
11,
277,
2436,
74,
796,
657,
1539,
657,
13,
198,
220,
220,
220,
599,
260,
11,
629,
333,
796,
657,
1539,
657,
13,
628,
220,
220,
220,
277,
3866,
796,
2632,
62,
15596,
7,
834,
13345,
62,
15596,
11,
11593,
27160,
11,
11593,
312,
87,
11,
4808,
69,
1098,
11,
4808,
82,
15,
11,
2124,
64,
11,
2124,
3866,
11,
4808,
9806,
62,
9662,
11,
4808,
17034,
349,
11,
4808,
265,
349,
11,
1635,
69,
22046,
8,
198,
220,
220,
220,
277,
22019,
796,
2632,
62,
15596,
7,
834,
13345,
62,
15596,
11,
11593,
27160,
11,
11593,
312,
87,
11,
4808,
69,
1098,
11,
4808,
82,
15,
11,
2124,
64,
11,
2124,
22019,
11,
4808,
9806,
62,
9662,
11,
4808,
17034,
349,
11,
4808,
265,
349,
11,
1635,
69,
22046,
8,
198,
220,
220,
220,
611,
277,
3866,
1635,
277,
22019,
1875,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
11052,
12331,
10786,
464,
1785,
2163,
468,
262,
976,
5895,
379,
1111,
5645,
286,
262,
10618,
11537,
628,
220,
220,
220,
611,
277,
3866,
6624,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2124,
3866,
628,
220,
220,
220,
611,
277,
22019,
6624,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2124,
22019,
628,
220,
220,
220,
329,
1312,
287,
2837,
7,
9806,
2676,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
611,
277,
3866,
1635,
277,
22019,
1279,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2124,
2436,
74,
796,
2124,
3866,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
277,
2436,
74,
796,
277,
3866,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
599,
260,
796,
629,
333,
796,
2124,
22019,
532,
2124,
3866,
628,
220,
220,
220,
220,
220,
220,
220,
611,
2352,
7,
69,
2436,
74,
8,
1279,
2352,
7,
16072,
333,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2124,
3866,
796,
2124,
22019,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2124,
22019,
796,
2124,
2436,
74,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2124,
2436,
74,
796,
2124,
3866,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
277,
3866,
796,
277,
22019,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
277,
22019,
796,
277,
2436,
74,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
277,
2436,
74,
796,
277,
3866,
628,
220,
220,
220,
220,
220,
220,
220,
25979,
796,
357,
742,
349,
1343,
374,
83,
349,
1635,
2352,
7,
87,
22019,
4008,
1220,
362,
198,
220,
220,
220,
220,
220,
220,
220,
264,
41907,
796,
357,
87,
2436,
74,
532,
2124,
22019,
8,
1220,
362,
198,
220,
220,
220,
220,
220,
220,
220,
611,
277,
22019,
6624,
657,
393,
2352,
7,
36299,
271,
8,
1279,
25979,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2124,
22019,
628,
220,
220,
220,
220,
220,
220,
220,
611,
2352,
7,
2777,
260,
8,
1875,
25979,
290,
2352,
7,
16072,
333,
8,
1279,
2352,
7,
69,
3866,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2124,
3866,
6624,
2124,
2436,
74,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
336,
563,
796,
532,
16072,
333,
1635,
357,
87,
22019,
532,
2124,
3866,
8,
1220,
357,
16072,
333,
532,
277,
3866,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
288,
3866,
796,
357,
69,
3866,
532,
277,
22019,
8,
1220,
357,
87,
3866,
532,
2124,
22019,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
288,
2436,
74,
796,
357,
69,
2436,
74,
532,
277,
22019,
8,
1220,
357,
87,
2436,
74,
532,
2124,
22019,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
336,
563,
796,
532,
16072,
333,
1635,
357,
69,
2436,
74,
1635,
288,
2436,
74,
532,
277,
3866,
1635,
288,
3866,
8,
1220,
357,
67,
2436,
74,
1635,
288,
3866,
1635,
357,
69,
2436,
74,
532,
277,
3866,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
362,
1635,
2352,
7,
301,
563,
8,
1279,
949,
7,
8937,
7,
2777,
260,
828,
513,
1635,
2352,
7,
36299,
271,
8,
532,
25979,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
599,
260,
796,
629,
333,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
629,
333,
796,
336,
563,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
599,
260,
796,
264,
41907,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
629,
333,
796,
264,
41907,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
599,
260,
796,
264,
41907,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
629,
333,
796,
264,
41907,
628,
220,
220,
220,
220,
220,
220,
220,
2124,
3866,
796,
2124,
22019,
198,
220,
220,
220,
220,
220,
220,
220,
277,
3866,
796,
277,
22019,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2352,
7,
1416,
333,
8,
1875,
25979,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2124,
22019,
15853,
629,
333,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2124,
22019,
15853,
25979,
611,
264,
41907,
1875,
657,
2073,
532,
67,
12514,
628,
220,
220,
220,
220,
220,
220,
220,
277,
22019,
796,
2632,
62,
15596,
7,
834,
13345,
62,
15596,
11,
11593,
27160,
11,
11593,
312,
87,
11,
4808,
69,
1098,
11,
4808,
82,
15,
11,
2124,
64,
11,
2124,
22019,
11,
4808,
9806,
62,
9662,
11,
4808,
17034,
349,
11,
4808,
265,
349,
11,
1635,
69,
22046,
8,
628,
220,
220,
220,
5298,
11052,
12331,
10786,
3103,
332,
12745,
4049,
11537,
628,
198,
4299,
7187,
62,
31534,
7,
9535,
752,
652,
11,
819,
448,
11,
4431,
689,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
13345,
62,
15596,
11,
4808,
27160,
11,
4808,
742,
349,
11,
4808,
17034,
349,
11,
4808,
9806,
2676,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11593,
69,
1098,
11,
11593,
9806,
62,
9662,
11,
11593,
17034,
349,
11,
11593,
265,
349,
11,
1635,
69,
22046,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
27131,
378,
1785,
640,
290,
1181,
810,
340,
2476,
284,
351,
1813,
15621,
13,
628,
220,
220,
220,
1058,
17143,
22942,
25,
10488,
22942,
357,
18747,
286,
640,
12,
27219,
8,
198,
220,
220,
220,
1058,
17143,
819,
448,
25,
7177,
286,
685,
15596,
62,
9630,
11,
1785,
62,
24588,
11,
22942,
62,
9630,
60,
198,
220,
220,
220,
1058,
17143,
4431,
689,
25,
7177,
286,
275,
10141,
357,
17821,
611,
1785,
815,
307,
10488,
7187,
8,
198,
220,
220,
220,
1058,
17143,
4808,
2118,
25,
42302,
62,
15763,
62,
65,
1156,
80,
11,
374,
74,
62,
22930,
7159,
198,
220,
220,
220,
1058,
17143,
277,
22046,
25,
4808,
69,
1098,
3224,
7159,
198,
220,
220,
220,
1058,
7783,
25,
1785,
12,
27219,
12,
18747,
16410,
15596,
62,
9630,
11,
1785,
62,
24588,
11,
640,
11,
1181,
11907,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1303,
819,
448,
16410,
15596,
62,
9630,
11,
1785,
62,
24588,
11,
22942,
62,
9630,
11907,
198,
220,
220,
220,
299,
796,
819,
448,
13,
43358,
58,
15,
60,
198,
220,
220,
220,
581,
796,
45941,
13,
28920,
19510,
77,
11,
22942,
13,
43358,
58,
16,
60,
1343,
362,
828,
288,
4906,
28,
9535,
752,
652,
13,
67,
4906,
8,
628,
220,
220,
220,
329,
1312,
287,
2837,
7,
77,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
304,
72,
796,
819,
448,
58,
72,
11,
657,
60,
198,
220,
220,
220,
220,
220,
220,
220,
46668,
796,
819,
448,
58,
72,
11,
362,
60,
198,
220,
220,
220,
220,
220,
220,
220,
256,
15,
796,
22942,
58,
20259,
11,
657,
60,
198,
220,
220,
220,
220,
220,
220,
220,
256,
16,
796,
22942,
58,
20259,
1343,
352,
11,
657,
60,
198,
220,
220,
220,
220,
220,
220,
220,
264,
15,
796,
22942,
58,
20259,
11,
352,
47715,
198,
220,
220,
220,
220,
220,
220,
220,
581,
58,
72,
11,
1058,
17,
60,
796,
819,
448,
58,
72,
11,
1058,
17,
60,
198,
220,
220,
220,
220,
220,
220,
220,
611,
4431,
689,
58,
20295,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
256,
796,
42302,
62,
15763,
62,
65,
1156,
80,
7,
83,
15,
11,
256,
16,
11,
4808,
742,
349,
11,
4808,
17034,
349,
11,
4808,
9806,
2676,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11593,
69,
1098,
11,
264,
15,
11,
11593,
9806,
62,
9662,
11,
11593,
17034,
349,
11,
11593,
265,
349,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
13345,
62,
15596,
11,
4808,
27160,
11,
304,
72,
11,
1635,
69,
22046,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
581,
58,
72,
11,
362,
47715,
796,
374,
74,
62,
22930,
7,
834,
69,
1098,
11,
264,
15,
11,
256,
15,
11,
256,
11,
11593,
9806,
62,
9662,
11,
11593,
17034,
349,
11,
11593,
265,
349,
11,
1635,
69,
22046,
38381,
12,
16,
60,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
581,
58,
72,
11,
362,
47715,
796,
22942,
58,
20259,
1343,
352,
60,
628,
220,
220,
220,
1441,
581,
628,
198,
4299,
374,
74,
62,
22930,
62,
1990,
7,
69,
1098,
11,
264,
15,
11,
256,
15,
11,
256,
11,
3509,
62,
9662,
11,
374,
83,
349,
11,
379,
349,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
27160,
11,
4808,
23705,
874,
11,
4808,
12942,
507,
11,
4808,
9127,
82,
11,
4808,
4134,
333,
689,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11593,
13345,
62,
15596,
11,
11593,
742,
349,
11,
11593,
17034,
349,
11,
11593,
9806,
2676,
11,
1635,
69,
22046,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
15995,
4873,
440,
7206,
422,
256,
15,
11,
264,
15,
510,
284,
597,
12094,
1785,
393,
640,
256,
13,
628,
220,
220,
220,
1058,
17143,
277,
1098,
25,
826,
636,
286,
440,
7206,
1080,
11,
815,
307,
2488,
66,
20786,
198,
220,
220,
220,
1058,
17143,
264,
15,
25,
4238,
1181,
198,
220,
220,
220,
1058,
17143,
256,
15,
25,
4238,
640,
198,
220,
220,
220,
1058,
17143,
256,
25,
886,
640,
198,
220,
220,
220,
1058,
17143,
3509,
62,
9662,
25,
5415,
2239,
2546,
198,
220,
220,
220,
1058,
17143,
374,
83,
349,
25,
3585,
15621,
198,
220,
220,
220,
1058,
17143,
379,
349,
25,
4112,
15621,
198,
220,
220,
220,
1058,
17143,
4808,
2118,
25,
1785,
62,
15255,
9250,
11,
374,
74,
62,
45286,
62,
9662,
7159,
198,
220,
220,
220,
1058,
17143,
277,
22046,
25,
277,
1098,
3224,
7159,
198,
220,
220,
220,
1058,
7783,
25,
22942,
12,
18747,
11,
1785,
12,
27219,
12,
18747,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
4571,
796,
352,
13,
611,
256,
18189,
256,
15,
2073,
532,
16,
13,
198,
220,
220,
220,
289,
62,
8937,
796,
2922,
62,
36733,
62,
9662,
7,
69,
1098,
11,
256,
15,
11,
264,
15,
11,
4571,
11,
374,
83,
349,
11,
379,
349,
11,
1635,
69,
22046,
8,
628,
220,
220,
220,
299,
62,
20214,
796,
399,
62,
30516,
3705,
198,
220,
220,
220,
22942,
796,
45941,
13,
28920,
19510,
77,
62,
20214,
11,
264,
15,
13,
7857,
1343,
352,
828,
288,
4906,
28,
82,
15,
13,
67,
4906,
8,
198,
220,
220,
220,
22942,
58,
15,
11,
657,
60,
796,
256,
15,
198,
220,
220,
220,
22942,
58,
15,
11,
352,
47715,
796,
264,
15,
628,
220,
220,
220,
299,
62,
31534,
796,
399,
62,
20114,
15365,
198,
220,
220,
220,
819,
62,
77,
796,
4808,
23705,
874,
13,
7857,
198,
220,
220,
220,
819,
12786,
796,
45941,
13,
28920,
19510,
77,
62,
20214,
11,
819,
62,
77,
828,
288,
4906,
28,
82,
15,
13,
67,
4906,
8,
198,
220,
220,
220,
21154,
796,
45941,
13,
28920,
7,
1990,
62,
77,
11,
288,
4906,
28,
37659,
13,
600,
2624,
8,
198,
220,
220,
220,
819,
448,
796,
45941,
13,
28920,
19510,
77,
62,
31534,
11,
513,
828,
288,
4906,
28,
37659,
13,
600,
2624,
8,
198,
220,
220,
220,
299,
62,
1990,
448,
796,
45941,
13,
9107,
418,
7,
16,
11,
288,
4906,
28,
37659,
13,
600,
2624,
8,
628,
220,
220,
220,
1303,
717,
869,
198,
220,
220,
220,
1785,
62,
15255,
9250,
7,
834,
13345,
62,
15596,
11,
256,
11,
264,
15,
11,
819,
12786,
11,
657,
11,
21154,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
27160,
11,
4808,
23705,
874,
11,
4808,
12942,
507,
11,
4808,
9127,
82,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
819,
448,
11,
299,
62,
1990,
448,
8,
198,
220,
220,
220,
1312,
796,
657,
198,
220,
220,
220,
981,
2352,
7,
9535,
752,
652,
58,
72,
11,
657,
60,
532,
256,
8,
1875,
47013,
25,
198,
220,
220,
220,
220,
220,
220,
220,
289,
62,
8937,
796,
374,
74,
62,
45286,
62,
9662,
7,
69,
1098,
11,
22942,
58,
72,
11,
657,
4357,
22942,
58,
72,
11,
352,
25,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
289,
62,
8937,
11,
4571,
11,
256,
11,
3509,
62,
9662,
11,
374,
83,
349,
11,
379,
349,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
22942,
58,
72,
1343,
352,
4357,
1635,
69,
22046,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1312,
15853,
352,
628,
220,
220,
220,
220,
220,
220,
220,
611,
1312,
18189,
299,
62,
20214,
532,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
299,
62,
20214,
1635,
28,
399,
62,
30516,
3705,
62,
44,
6239,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
299,
62,
20214,
1875,
399,
62,
30516,
3705,
62,
22921,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
43160,
12331,
10786,
40541,
3142,
4831,
954,
20672,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45218,
796,
22942,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
22942,
796,
4808,
411,
1096,
62,
17,
67,
18747,
62,
22704,
15,
7,
9535,
752,
652,
11,
299,
62,
20214,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
819,
12786,
796,
4808,
411,
1096,
62,
17,
67,
18747,
62,
22704,
15,
7,
1990,
12786,
11,
299,
62,
20214,
8,
628,
220,
220,
220,
220,
220,
220,
220,
491,
76,
796,
1785,
62,
15255,
9250,
7,
834,
13345,
62,
15596,
11,
22942,
58,
72,
11,
657,
4357,
22942,
58,
72,
11,
352,
25,
4357,
819,
12786,
11,
1312,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
21154,
11,
4808,
27160,
11,
4808,
23705,
874,
11,
4808,
12942,
507,
11,
4808,
9127,
82,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
819,
448,
11,
299,
62,
1990,
448,
8,
628,
220,
220,
220,
220,
220,
220,
220,
611,
299,
62,
1990,
448,
58,
15,
60,
18189,
299,
62,
31534,
532,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
299,
62,
31534,
1635,
28,
399,
62,
20114,
15365,
62,
44,
6239,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
299,
62,
20214,
1875,
399,
62,
20114,
15365,
62,
22921,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
43160,
12331,
10786,
40541,
3142,
954,
286,
1785,
4406,
20672,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45218,
796,
819,
448,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
819,
448,
796,
4808,
411,
1096,
62,
17,
67,
18747,
62,
22704,
15,
7,
1990,
448,
11,
299,
62,
31534,
8,
628,
220,
220,
220,
220,
220,
220,
220,
611,
491,
76,
14512,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2270,
628,
220,
220,
220,
1785,
62,
448,
796,
7187,
62,
31534,
7,
9535,
752,
652,
11,
819,
448,
58,
25,
77,
62,
1990,
448,
58,
15,
60,
4357,
4808,
4134,
333,
689,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11593,
13345,
62,
15596,
11,
4808,
27160,
11,
11593,
742,
349,
11,
11593,
17034,
349,
11,
11593,
9806,
2676,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
277,
1098,
11,
3509,
62,
9662,
11,
374,
83,
349,
11,
379,
349,
11,
1635,
69,
22046,
8,
628,
220,
220,
220,
1441,
22942,
58,
25,
72,
1343,
352,
4357,
1785,
62,
448,
198
] | 2.139975 | 7,137 |
# Copyright 2022 The Pigweed 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
#
# https://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS, WITHOUT
# WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the
# License for the specific language governing permissions and limitations under
# the License.
"""WORK IN PROGRESS!
This is intended to be a replacement for the proto codegen in proto.bzl, which
relies on the transitive proto compilation support removed from newer versions
of rules_proto_grpc. However, the version checked in here does not yet support,
1. Proto libraries with dependencies in external repositories.
2. Proto libraries with strip_import_prefix or import_prefix attributes.
In addition, nanopb proto files are not yet generated.
TODO(pwbug/621): Close these gaps and start using this implementation.
# Overview of implementation
(If you just want to use pw_proto_library, see its docstring; this section is
intended to orient future maintainers.)
Proto code generation is carried out by the _pw_proto_library,
_pw_raw_rpc_proto_library and _pw_nanopb_rpc_proto_library rules using aspects
(https://docs.bazel.build/versions/main/skylark/aspects.html). A
_pw_proto_library has a single proto_library as a dependency, but that
proto_library may depend on other proto_library targets; as a result, the
generated .pwpb.h file #include's .pwpb.h files generated from the dependency
proto_libraries. The aspect propagates along the proto_library dependency
graph, running the proto compiler on each proto_library in the original
target's transitive dependencies, ensuring that we're not missing any .pwpb.h
files at C++ compile time.
Although we have a separate rule for each protocol compiler plugin
(_pw_proto_library, _pw_raw_rpc_proto_library, _pw_nanopb_rpc_proto_library),
they actually share an implementation (_pw _impl_pw_proto_library) and use
similar aspects, all generated by _proto_compiler_aspect. The only difference
between the rules are captured in the PIGWEED_PLUGIN dictonary and the aspect
instantiations (_pw_proto_compiler_aspect, etc).
"""
load("//pw_build:pigweed.bzl", "pw_cc_library")
load("@rules_proto//proto:defs.bzl", "ProtoInfo")
load("//pw_protobuf_compiler:pw_nanopb_cc_library", "pw_nanopb_cc_library")
def pw_proto_library(
name = "",
deps = [],
nanopb_options = None,
enabled_targets = None):
"""Generate Pigweed proto C++ code.
This is the only public symbol in this file: everything else is
implementation details.
Args:
name: The name of the target.
deps: proto_library targets from which to generate Pigweed C++.
nanopb_options: path to file containing nanopb options, if any
(https://jpa.kapsi.fi/nanopb/docs/reference.html#proto-file-options).
enabled_targets: Specifies which libraries should be generated. Libraries
will only be generated as needed, but unnecessary outputs may conflict
with other build rules and thus cause build failures. This filter allows
manual selection of which libraries should be supported by this build
target in order to prevent such conflicts. The argument, if provided,
should be a subset of ["pwpb", "nanopb", "raw_rpc", "nanopb_rpc"]. All
are enabled by default. Note that "nanopb_rpc" relies on "nanopb".
Example usage:
proto_library(
name = "benchmark_proto",
srcs = [
"benchmark.proto",
],
)
pw_proto_library(
name = "benchmark_pw_proto",
deps = [":benchmark_proto"],
)
pw_cc_binary(
name = "proto_user",
srcs = ["proto_user.cc"],
deps = [":benchmark_pw_proto.pwpb"],
)
The pw_proto_library generates the following targets in this example:
"benchmark_pw_proto.pwpb": C++ library exposing the "benchmark.pwpb.h" header.
"benchmark_pw_proto.pwpb_rpc": C++ library exposing the
"benchmark.rpc.pwpb.h" header.
"benchmark_pw_proto.raw_rpc": C++ library exposing the "benchmark.raw_rpc.h"
header.
"benchmark_pw_proto.nanopb": C++ library exposing the "benchmark.pb.h"
header.
"benchmark_pw_proto.nanopb_rpc": C++ library exposing the
"benchmark.rpc.pb.h" header.
"""
if is_plugin_enabled("nanobp"):
# Use nanopb to generate the pb.h and pb.c files, and the target
# exposing them.
pw_nanopb_cc_library(name + ".nanopb", deps, options = nanopb_options)
# Use Pigweed proto plugins to generate the remaining files and targets.
for plugin_name, info in PIGWEED_PLUGIN.items():
if not is_plugin_enabled(plugin_name):
continue
name_pb = name + "_pb." + plugin_name
plugin_rule = info["compiler"]
plugin_rule(
name = name_pb,
deps = deps,
)
# The rpc.pb.h header depends on the generated nanopb or pwpb code.
if info["include_nanopb_dep"]:
lib_deps = info["deps"] + [":" + name + ".nanopb"]
elif info["include_pwpb_dep"]:
lib_deps = info["deps"] + [":" + name + ".pwpb"]
else:
lib_deps = info["deps"]
pw_cc_library(
name = name + "." + plugin_name,
hdrs = [name_pb],
deps = lib_deps,
linkstatic = 1,
)
PwProtoInfo = provider(
"Returned by PW proto compilation aspect",
fields = {
"genfiles": "generated C++ header files",
},
)
def _proto_compiler_aspect(extension, protoc_plugin):
"""Returns an aspect that runs the proto compiler.
The aspect propagates through the deps of proto_library targets, running
the proto compiler with the specified plugin for each of their source
files. The proto compiler is assumed to produce one output file per input
.proto file. That file is placed under bazel-bin at the same path as the
input file, but with the specified extension (i.e., with _extension =
.pwpb.h, the aspect converts pw_log/log.proto into
bazel-bin/pw_log/log.pwpb.h).
The aspect returns a provider exposing all the File objects generated from
the dependency graph.
"""
return aspect(
attr_aspects = ["deps"],
attrs = {
"_extension": attr.string(default = extension),
"_protoc": attr.label(
default = Label("@com_google_protobuf//:protoc"),
executable = True,
cfg = "exec",
),
"_protoc_plugin": attr.label(
default = Label(protoc_plugin),
executable = True,
cfg = "exec",
),
},
implementation = _proto_compiler_aspect_impl,
provides = [PwProtoInfo],
)
def _impl_pw_proto_library(ctx):
"""Implementation of the proto codegen rule.
The work of actually generating the code is done by the aspect, so here we
just gather up all the generated files and return them.
"""
# Note that we don't distinguish between the files generated from the
# target, and the files generated from its dependencies. We return all of
# them together, and in pw_proto_library expose all of them as hdrs.
# Pigweed's plugins happen to only generate .h files, so this works, but
# strictly speaking we should expose only the files generated from the
# target itself in hdrs, and place the headers generated from dependencies
# in srcs. We don't perform layering_check in Pigweed, so this is not a big
# deal.
#
# TODO(pwbug/621): Tidy this up.
all_genfiles = []
for dep in ctx.attr.deps:
for f in dep[PwProtoInfo].genfiles:
all_genfiles.append(f)
return [DefaultInfo(files = depset(all_genfiles))]
# Instantiate the aspects and rules for generating code using specific plugins.
_pw_proto_compiler_aspect = _proto_compiler_aspect("pwpb.h", "//pw_protobuf/py:plugin")
_pw_proto_library = rule(
implementation = _impl_pw_proto_library,
attrs = {
"deps": attr.label_list(
providers = [ProtoInfo],
aspects = [_pw_proto_compiler_aspect],
),
},
)
_pw_pwpb_rpc_proto_compiler_aspect = _proto_compiler_aspect("rpc.pwpb.h", "//pw_rpc/py:plugin_pwpb")
_pw_pwpb_rpc_proto_library = rule(
implementation = _impl_pw_proto_library,
attrs = {
"deps": attr.label_list(
providers = [ProtoInfo],
aspects = [_pw_pwpb_rpc_proto_compiler_aspect],
),
},
)
_pw_raw_rpc_proto_compiler_aspect = _proto_compiler_aspect("raw_rpc.pb.h", "//pw_rpc/py:plugin_raw")
_pw_raw_rpc_proto_library = rule(
implementation = _impl_pw_proto_library,
attrs = {
"deps": attr.label_list(
providers = [ProtoInfo],
aspects = [_pw_raw_rpc_proto_compiler_aspect],
),
},
)
_pw_nanopb_rpc_proto_compiler_aspect = _proto_compiler_aspect("rpc.pb.h", "//pw_rpc/py:plugin_nanopb")
_pw_nanopb_rpc_proto_library = rule(
implementation = _impl_pw_proto_library,
attrs = {
"deps": attr.label_list(
providers = [ProtoInfo],
aspects = [_pw_nanopb_rpc_proto_compiler_aspect],
),
},
)
PIGWEED_PLUGIN = {
"pwpb": {
"compiler": _pw_proto_library,
"deps": [
"//pw_assert:facade",
"//pw_containers:vector",
"//pw_preprocessor",
"//pw_protobuf",
"//pw_result",
"//pw_span",
"//pw_status",
],
"include_nanopb_dep": False,
"include_pwpb_dep": False,
},
"pwpb_rpc": {
"compiler": _pw_pwpb_rpc_proto_library,
"deps": [
"//pw_protobuf:pw_protobuf",
"//pw_rpc",
"//pw_rpc/pwpb:client_api",
"//pw_rpc/pwpb:server_api",
],
"include_nanopb_dep": False,
"include_pwpb_dep": True,
},
"raw_rpc": {
"compiler": _pw_raw_rpc_proto_library,
"deps": [
"//pw_rpc",
"//pw_rpc/raw:client_api",
"//pw_rpc/raw:server_api",
],
"include_nanopb_dep": False,
"include_pwpb_dep": False,
},
"nanopb_rpc": {
"compiler": _pw_nanopb_rpc_proto_library,
"deps": [
"//pw_rpc",
"//pw_rpc/nanopb:client_api",
"//pw_rpc/nanopb:server_api",
],
"include_nanopb_dep": True,
"include_pwpb_dep": False,
},
}
| [
2,
15069,
33160,
383,
23097,
39054,
46665,
198,
2,
198,
2,
49962,
739,
262,
24843,
13789,
11,
10628,
362,
13,
15,
357,
1169,
366,
34156,
15341,
345,
743,
407,
198,
2,
779,
428,
2393,
2845,
287,
11846,
351,
262,
13789,
13,
921,
743,
7330,
257,
4866,
286,
198,
2,
262,
13789,
379,
198,
2,
198,
2,
220,
220,
220,
220,
3740,
1378,
2503,
13,
43073,
13,
2398,
14,
677,
4541,
14,
43,
2149,
24290,
12,
17,
13,
15,
198,
2,
198,
2,
17486,
2672,
416,
9723,
1099,
393,
4987,
284,
287,
3597,
11,
3788,
198,
2,
9387,
739,
262,
13789,
318,
9387,
319,
281,
366,
1921,
3180,
1,
29809,
1797,
11,
42881,
198,
2,
34764,
11015,
6375,
7102,
49828,
11053,
3963,
15529,
509,
12115,
11,
2035,
4911,
393,
17142,
13,
4091,
262,
198,
2,
13789,
329,
262,
2176,
3303,
15030,
21627,
290,
11247,
739,
198,
2,
262,
13789,
13,
198,
37811,
33249,
3268,
38688,
49,
7597,
0,
198,
198,
1212,
318,
5292,
284,
307,
257,
9014,
329,
262,
44876,
2438,
5235,
287,
44876,
13,
65,
48274,
11,
543,
198,
2411,
444,
319,
262,
1007,
1800,
44876,
23340,
1104,
4615,
422,
15064,
6300,
198,
1659,
3173,
62,
1676,
1462,
62,
2164,
14751,
13,
2102,
11,
262,
2196,
10667,
287,
994,
857,
407,
1865,
1104,
11,
198,
198,
16,
13,
45783,
12782,
351,
20086,
287,
7097,
38072,
13,
198,
17,
13,
45783,
12782,
351,
10283,
62,
11748,
62,
40290,
393,
1330,
62,
40290,
12608,
13,
198,
198,
818,
3090,
11,
46661,
65,
44876,
3696,
389,
407,
1865,
7560,
13,
198,
198,
51,
3727,
46,
7,
79,
86,
25456,
14,
21,
2481,
2599,
13872,
777,
17332,
290,
923,
1262,
428,
7822,
13,
198,
198,
2,
28578,
286,
7822,
198,
198,
7,
1532,
345,
655,
765,
284,
779,
279,
86,
62,
1676,
1462,
62,
32016,
11,
766,
663,
2205,
8841,
26,
428,
2665,
318,
198,
600,
1631,
284,
11367,
2003,
5529,
364,
2014,
198,
198,
2964,
1462,
2438,
5270,
318,
5281,
503,
416,
262,
4808,
79,
86,
62,
1676,
1462,
62,
32016,
11,
198,
62,
79,
86,
62,
1831,
62,
81,
14751,
62,
1676,
1462,
62,
32016,
290,
4808,
79,
86,
62,
12647,
404,
65,
62,
81,
14751,
62,
1676,
1462,
62,
32016,
3173,
1262,
7612,
198,
7,
5450,
1378,
31628,
13,
65,
41319,
13,
11249,
14,
47178,
14,
12417,
14,
15688,
75,
668,
14,
292,
38046,
13,
6494,
737,
317,
198,
62,
79,
86,
62,
1676,
1462,
62,
32016,
468,
257,
2060,
44876,
62,
32016,
355,
257,
20203,
11,
475,
326,
198,
1676,
1462,
62,
32016,
743,
4745,
319,
584,
44876,
62,
32016,
6670,
26,
355,
257,
1255,
11,
262,
198,
27568,
764,
79,
24142,
65,
13,
71,
2393,
1303,
17256,
338,
764,
79,
24142,
65,
13,
71,
3696,
7560,
422,
262,
20203,
198,
1676,
1462,
62,
75,
11127,
13,
383,
4843,
8928,
689,
1863,
262,
44876,
62,
32016,
20203,
198,
34960,
11,
2491,
262,
44876,
17050,
319,
1123,
44876,
62,
32016,
287,
262,
2656,
198,
16793,
338,
1007,
1800,
20086,
11,
13359,
326,
356,
821,
407,
4814,
597,
764,
79,
24142,
65,
13,
71,
198,
16624,
379,
327,
4880,
17632,
640,
13,
198,
198,
7003,
356,
423,
257,
4553,
3896,
329,
1123,
8435,
17050,
13877,
198,
28264,
79,
86,
62,
1676,
1462,
62,
32016,
11,
4808,
79,
86,
62,
1831,
62,
81,
14751,
62,
1676,
1462,
62,
32016,
11,
4808,
79,
86,
62,
12647,
404,
65,
62,
81,
14751,
62,
1676,
1462,
62,
32016,
828,
198,
9930,
1682,
2648,
281,
7822,
44104,
79,
86,
4808,
23928,
62,
79,
86,
62,
1676,
1462,
62,
32016,
8,
290,
779,
198,
38610,
7612,
11,
477,
7560,
416,
4808,
1676,
1462,
62,
5589,
5329,
62,
292,
806,
13,
383,
691,
3580,
198,
23395,
262,
3173,
389,
7907,
287,
262,
350,
3528,
8845,
1961,
62,
6489,
7340,
1268,
8633,
261,
560,
290,
262,
4843,
198,
8625,
17096,
602,
44104,
79,
86,
62,
1676,
1462,
62,
5589,
5329,
62,
292,
806,
11,
3503,
737,
198,
198,
37811,
198,
198,
2220,
7203,
1003,
79,
86,
62,
11249,
25,
79,
328,
39054,
13,
65,
48274,
1600,
366,
79,
86,
62,
535,
62,
32016,
4943,
198,
2220,
7203,
31,
38785,
62,
1676,
1462,
1003,
1676,
1462,
25,
4299,
82,
13,
65,
48274,
1600,
366,
2964,
1462,
12360,
4943,
198,
2220,
7203,
1003,
79,
86,
62,
11235,
672,
3046,
62,
5589,
5329,
25,
79,
86,
62,
12647,
404,
65,
62,
535,
62,
32016,
1600,
366,
79,
86,
62,
12647,
404,
65,
62,
535,
62,
32016,
4943,
198,
198,
4299,
279,
86,
62,
1676,
1462,
62,
32016,
7,
198,
220,
220,
220,
220,
220,
220,
220,
1438,
796,
366,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
390,
862,
796,
685,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
46661,
65,
62,
25811,
796,
6045,
11,
198,
220,
220,
220,
220,
220,
220,
220,
9343,
62,
83,
853,
1039,
796,
6045,
2599,
198,
220,
220,
220,
37227,
8645,
378,
23097,
39054,
44876,
327,
4880,
2438,
13,
628,
220,
220,
220,
770,
318,
262,
691,
1171,
6194,
287,
428,
2393,
25,
2279,
2073,
318,
198,
220,
220,
220,
7822,
3307,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
1438,
25,
383,
1438,
286,
262,
2496,
13,
198,
220,
220,
220,
220,
220,
390,
862,
25,
44876,
62,
32016,
6670,
422,
543,
284,
7716,
23097,
39054,
327,
4880,
13,
198,
220,
220,
220,
220,
220,
46661,
65,
62,
25811,
25,
3108,
284,
2393,
7268,
46661,
65,
3689,
11,
611,
597,
198,
220,
220,
220,
220,
220,
220,
220,
357,
5450,
1378,
73,
8957,
13,
74,
1686,
72,
13,
12463,
14,
12647,
404,
65,
14,
31628,
14,
35790,
13,
6494,
2,
1676,
1462,
12,
7753,
12,
25811,
737,
198,
220,
220,
220,
220,
220,
9343,
62,
83,
853,
1039,
25,
18291,
6945,
543,
12782,
815,
307,
7560,
13,
46267,
198,
220,
220,
220,
220,
220,
220,
220,
481,
691,
307,
7560,
355,
2622,
11,
475,
13114,
23862,
743,
5358,
198,
220,
220,
220,
220,
220,
220,
220,
351,
584,
1382,
3173,
290,
4145,
2728,
1382,
15536,
13,
770,
8106,
3578,
198,
220,
220,
220,
220,
220,
220,
220,
10107,
6356,
286,
543,
12782,
815,
307,
4855,
416,
428,
1382,
198,
220,
220,
220,
220,
220,
220,
220,
2496,
287,
1502,
284,
2948,
884,
12333,
13,
383,
4578,
11,
611,
2810,
11,
198,
220,
220,
220,
220,
220,
220,
220,
815,
307,
257,
24637,
286,
14631,
79,
24142,
65,
1600,
366,
12647,
404,
65,
1600,
366,
1831,
62,
81,
14751,
1600,
366,
12647,
404,
65,
62,
81,
14751,
1,
4083,
1439,
198,
220,
220,
220,
220,
220,
220,
220,
389,
9343,
416,
4277,
13,
5740,
326,
366,
12647,
404,
65,
62,
81,
14751,
1,
16507,
319,
366,
12647,
404,
65,
1911,
628,
220,
220,
220,
17934,
8748,
25,
628,
220,
220,
220,
220,
220,
44876,
62,
32016,
7,
198,
220,
220,
220,
220,
220,
220,
220,
1438,
796,
366,
26968,
4102,
62,
1676,
1462,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
12351,
82,
796,
685,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
26968,
4102,
13,
1676,
1462,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
16589,
198,
220,
220,
220,
220,
220,
1267,
628,
220,
220,
220,
220,
220,
279,
86,
62,
1676,
1462,
62,
32016,
7,
198,
220,
220,
220,
220,
220,
220,
220,
1438,
796,
366,
26968,
4102,
62,
79,
86,
62,
1676,
1462,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
390,
862,
796,
685,
1298,
26968,
4102,
62,
1676,
1462,
33116,
198,
220,
220,
220,
220,
220,
1267,
628,
220,
220,
220,
220,
220,
279,
86,
62,
535,
62,
39491,
7,
198,
220,
220,
220,
220,
220,
220,
220,
1438,
796,
366,
1676,
1462,
62,
7220,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
12351,
82,
796,
14631,
1676,
1462,
62,
7220,
13,
535,
33116,
198,
220,
220,
220,
220,
220,
220,
220,
390,
862,
796,
685,
1298,
26968,
4102,
62,
79,
86,
62,
1676,
1462,
13,
79,
24142,
65,
33116,
198,
220,
220,
220,
220,
220,
1267,
628,
220,
220,
220,
383,
279,
86,
62,
1676,
1462,
62,
32016,
18616,
262,
1708,
6670,
287,
428,
1672,
25,
628,
220,
220,
220,
366,
26968,
4102,
62,
79,
86,
62,
1676,
1462,
13,
79,
24142,
65,
1298,
327,
4880,
5888,
21294,
262,
366,
26968,
4102,
13,
79,
24142,
65,
13,
71,
1,
13639,
13,
198,
220,
220,
220,
366,
26968,
4102,
62,
79,
86,
62,
1676,
1462,
13,
79,
24142,
65,
62,
81,
14751,
1298,
327,
4880,
5888,
21294,
262,
198,
220,
220,
220,
220,
220,
220,
220,
366,
26968,
4102,
13,
81,
14751,
13,
79,
24142,
65,
13,
71,
1,
13639,
13,
198,
220,
220,
220,
366,
26968,
4102,
62,
79,
86,
62,
1676,
1462,
13,
1831,
62,
81,
14751,
1298,
327,
4880,
5888,
21294,
262,
366,
26968,
4102,
13,
1831,
62,
81,
14751,
13,
71,
1,
198,
220,
220,
220,
220,
220,
220,
220,
13639,
13,
198,
220,
220,
220,
366,
26968,
4102,
62,
79,
86,
62,
1676,
1462,
13,
12647,
404,
65,
1298,
327,
4880,
5888,
21294,
262,
366,
26968,
4102,
13,
40842,
13,
71,
1,
198,
220,
220,
220,
220,
220,
220,
220,
13639,
13,
198,
220,
220,
220,
366,
26968,
4102,
62,
79,
86,
62,
1676,
1462,
13,
12647,
404,
65,
62,
81,
14751,
1298,
327,
4880,
5888,
21294,
262,
198,
220,
220,
220,
220,
220,
220,
220,
366,
26968,
4102,
13,
81,
14751,
13,
40842,
13,
71,
1,
13639,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
611,
318,
62,
33803,
62,
25616,
7203,
12647,
672,
79,
1,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
5765,
46661,
65,
284,
7716,
262,
279,
65,
13,
71,
290,
279,
65,
13,
66,
3696,
11,
290,
262,
2496,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
21294,
606,
13,
198,
220,
220,
220,
220,
220,
220,
220,
279,
86,
62,
12647,
404,
65,
62,
535,
62,
32016,
7,
3672,
1343,
27071,
12647,
404,
65,
1600,
390,
862,
11,
3689,
796,
46661,
65,
62,
25811,
8,
628,
220,
220,
220,
1303,
5765,
23097,
39054,
44876,
20652,
284,
7716,
262,
5637,
3696,
290,
6670,
13,
198,
220,
220,
220,
329,
13877,
62,
3672,
11,
7508,
287,
350,
3528,
8845,
1961,
62,
6489,
7340,
1268,
13,
23814,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
611,
407,
318,
62,
33803,
62,
25616,
7,
33803,
62,
3672,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2555,
628,
220,
220,
220,
220,
220,
220,
220,
1438,
62,
40842,
796,
1438,
1343,
45434,
40842,
526,
1343,
13877,
62,
3672,
628,
220,
220,
220,
220,
220,
220,
220,
13877,
62,
25135,
796,
7508,
14692,
5589,
5329,
8973,
198,
220,
220,
220,
220,
220,
220,
220,
13877,
62,
25135,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1438,
796,
1438,
62,
40842,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
390,
862,
796,
390,
862,
11,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
383,
374,
14751,
13,
40842,
13,
71,
13639,
8338,
319,
262,
7560,
46661,
65,
393,
279,
24142,
65,
2438,
13,
198,
220,
220,
220,
220,
220,
220,
220,
611,
7508,
14692,
17256,
62,
12647,
404,
65,
62,
10378,
1,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9195,
62,
10378,
82,
796,
7508,
14692,
10378,
82,
8973,
1343,
685,
2404,
1343,
1438,
1343,
27071,
12647,
404,
65,
8973,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
7508,
14692,
17256,
62,
79,
24142,
65,
62,
10378,
1,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9195,
62,
10378,
82,
796,
7508,
14692,
10378,
82,
8973,
1343,
685,
2404,
1343,
1438,
1343,
27071,
79,
24142,
65,
8973,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9195,
62,
10378,
82,
796,
7508,
14692,
10378,
82,
8973,
628,
220,
220,
220,
220,
220,
220,
220,
279,
86,
62,
535,
62,
32016,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1438,
796,
1438,
1343,
366,
526,
1343,
13877,
62,
3672,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
289,
67,
3808,
796,
685,
3672,
62,
40842,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
390,
862,
796,
9195,
62,
10378,
82,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2792,
12708,
796,
352,
11,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
198,
47,
86,
2964,
1462,
12360,
796,
10131,
7,
198,
220,
220,
220,
366,
13615,
276,
416,
44141,
44876,
23340,
4843,
1600,
198,
220,
220,
220,
7032,
796,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
366,
5235,
16624,
1298,
366,
27568,
327,
4880,
13639,
3696,
1600,
198,
220,
220,
220,
8964,
198,
8,
198,
198,
4299,
4808,
1676,
1462,
62,
5589,
5329,
62,
292,
806,
7,
2302,
3004,
11,
1237,
420,
62,
33803,
2599,
198,
220,
220,
220,
37227,
35561,
281,
4843,
326,
4539,
262,
44876,
17050,
13,
628,
220,
220,
220,
383,
4843,
8928,
689,
832,
262,
390,
862,
286,
44876,
62,
32016,
6670,
11,
2491,
198,
220,
220,
220,
262,
44876,
17050,
351,
262,
7368,
13877,
329,
1123,
286,
511,
2723,
198,
220,
220,
220,
3696,
13,
383,
44876,
17050,
318,
9672,
284,
4439,
530,
5072,
2393,
583,
5128,
198,
220,
220,
220,
764,
1676,
1462,
2393,
13,
1320,
2393,
318,
4624,
739,
275,
41319,
12,
8800,
379,
262,
976,
3108,
355,
262,
198,
220,
220,
220,
5128,
2393,
11,
475,
351,
262,
7368,
7552,
357,
72,
13,
68,
1539,
351,
4808,
2302,
3004,
796,
198,
220,
220,
220,
764,
79,
24142,
65,
13,
71,
11,
262,
4843,
26161,
279,
86,
62,
6404,
14,
6404,
13,
1676,
1462,
656,
198,
220,
220,
220,
275,
41319,
12,
8800,
14,
79,
86,
62,
6404,
14,
6404,
13,
79,
24142,
65,
13,
71,
737,
628,
220,
220,
220,
383,
4843,
5860,
257,
10131,
21294,
477,
262,
9220,
5563,
7560,
422,
198,
220,
220,
220,
262,
20203,
4823,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1441,
4843,
7,
198,
220,
220,
220,
220,
220,
220,
220,
708,
81,
62,
292,
38046,
796,
14631,
10378,
82,
33116,
198,
220,
220,
220,
220,
220,
220,
220,
708,
3808,
796,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45434,
2302,
3004,
1298,
708,
81,
13,
8841,
7,
12286,
796,
7552,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45434,
11235,
420,
1298,
708,
81,
13,
18242,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4277,
796,
36052,
7203,
31,
785,
62,
13297,
62,
11235,
672,
3046,
1003,
25,
11235,
420,
12340,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
28883,
796,
6407,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
30218,
70,
796,
366,
18558,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10612,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45434,
11235,
420,
62,
33803,
1298,
708,
81,
13,
18242,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4277,
796,
36052,
7,
11235,
420,
62,
33803,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
28883,
796,
6407,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
30218,
70,
796,
366,
18558,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10612,
198,
220,
220,
220,
220,
220,
220,
220,
8964,
198,
220,
220,
220,
220,
220,
220,
220,
7822,
796,
4808,
1676,
1462,
62,
5589,
5329,
62,
292,
806,
62,
23928,
11,
198,
220,
220,
220,
220,
220,
220,
220,
3769,
796,
685,
47,
86,
2964,
1462,
12360,
4357,
198,
220,
220,
220,
1267,
198,
198,
4299,
4808,
23928,
62,
79,
86,
62,
1676,
1462,
62,
32016,
7,
49464,
2599,
198,
220,
220,
220,
37227,
3546,
32851,
286,
262,
44876,
2438,
5235,
3896,
13,
628,
220,
220,
220,
383,
670,
286,
1682,
15453,
262,
2438,
318,
1760,
416,
262,
4843,
11,
523,
994,
356,
198,
220,
220,
220,
655,
6431,
510,
477,
262,
7560,
3696,
290,
1441,
606,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
1303,
5740,
326,
356,
836,
470,
15714,
1022,
262,
3696,
7560,
422,
262,
198,
220,
220,
220,
1303,
2496,
11,
290,
262,
3696,
7560,
422,
663,
20086,
13,
775,
1441,
477,
286,
198,
220,
220,
220,
1303,
606,
1978,
11,
290,
287,
279,
86,
62,
1676,
1462,
62,
32016,
15651,
477,
286,
606,
355,
289,
67,
3808,
13,
198,
220,
220,
220,
1303,
23097,
39054,
338,
20652,
1645,
284,
691,
7716,
764,
71,
3696,
11,
523,
428,
2499,
11,
475,
198,
220,
220,
220,
1303,
14084,
5486,
356,
815,
15651,
691,
262,
3696,
7560,
422,
262,
198,
220,
220,
220,
1303,
2496,
2346,
287,
289,
67,
3808,
11,
290,
1295,
262,
24697,
7560,
422,
20086,
198,
220,
220,
220,
1303,
287,
12351,
82,
13,
775,
836,
470,
1620,
3830,
1586,
62,
9122,
287,
23097,
39054,
11,
523,
428,
318,
407,
257,
1263,
198,
220,
220,
220,
1303,
1730,
13,
198,
220,
220,
220,
1303,
198,
220,
220,
220,
1303,
16926,
46,
7,
79,
86,
25456,
14,
21,
2481,
2599,
309,
19325,
428,
510,
13,
198,
220,
220,
220,
477,
62,
5235,
16624,
796,
17635,
198,
220,
220,
220,
329,
1207,
287,
269,
17602,
13,
35226,
13,
10378,
82,
25,
198,
220,
220,
220,
220,
220,
220,
220,
329,
277,
287,
1207,
58,
47,
86,
2964,
1462,
12360,
4083,
5235,
16624,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
477,
62,
5235,
16624,
13,
33295,
7,
69,
8,
628,
220,
220,
220,
1441,
685,
19463,
12360,
7,
16624,
796,
390,
862,
316,
7,
439,
62,
5235,
16624,
4008,
60,
198,
198,
2,
24470,
9386,
262,
7612,
290,
3173,
329,
15453,
2438,
1262,
2176,
20652,
13,
198,
62,
79,
86,
62,
1676,
1462,
62,
5589,
5329,
62,
292,
806,
796,
4808,
1676,
1462,
62,
5589,
5329,
62,
292,
806,
7203,
79,
24142,
65,
13,
71,
1600,
366,
1003,
79,
86,
62,
11235,
672,
3046,
14,
9078,
25,
33803,
4943,
198,
198,
62,
79,
86,
62,
1676,
1462,
62,
32016,
796,
3896,
7,
198,
220,
220,
220,
7822,
796,
4808,
23928,
62,
79,
86,
62,
1676,
1462,
62,
32016,
11,
198,
220,
220,
220,
708,
3808,
796,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
366,
10378,
82,
1298,
708,
81,
13,
18242,
62,
4868,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9549,
796,
685,
2964,
1462,
12360,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7612,
796,
685,
62,
79,
86,
62,
1676,
1462,
62,
5589,
5329,
62,
292,
806,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
10612,
198,
220,
220,
220,
8964,
198,
8,
198,
198,
62,
79,
86,
62,
79,
24142,
65,
62,
81,
14751,
62,
1676,
1462,
62,
5589,
5329,
62,
292,
806,
796,
4808,
1676,
1462,
62,
5589,
5329,
62,
292,
806,
7203,
81,
14751,
13,
79,
24142,
65,
13,
71,
1600,
366,
1003,
79,
86,
62,
81,
14751,
14,
9078,
25,
33803,
62,
79,
24142,
65,
4943,
198,
198,
62,
79,
86,
62,
79,
24142,
65,
62,
81,
14751,
62,
1676,
1462,
62,
32016,
796,
3896,
7,
198,
220,
220,
220,
7822,
796,
4808,
23928,
62,
79,
86,
62,
1676,
1462,
62,
32016,
11,
198,
220,
220,
220,
708,
3808,
796,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
366,
10378,
82,
1298,
708,
81,
13,
18242,
62,
4868,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9549,
796,
685,
2964,
1462,
12360,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7612,
796,
685,
62,
79,
86,
62,
79,
24142,
65,
62,
81,
14751,
62,
1676,
1462,
62,
5589,
5329,
62,
292,
806,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
10612,
198,
220,
220,
220,
8964,
198,
8,
198,
198,
62,
79,
86,
62,
1831,
62,
81,
14751,
62,
1676,
1462,
62,
5589,
5329,
62,
292,
806,
796,
4808,
1676,
1462,
62,
5589,
5329,
62,
292,
806,
7203,
1831,
62,
81,
14751,
13,
40842,
13,
71,
1600,
366,
1003,
79,
86,
62,
81,
14751,
14,
9078,
25,
33803,
62,
1831,
4943,
198,
198,
62,
79,
86,
62,
1831,
62,
81,
14751,
62,
1676,
1462,
62,
32016,
796,
3896,
7,
198,
220,
220,
220,
7822,
796,
4808,
23928,
62,
79,
86,
62,
1676,
1462,
62,
32016,
11,
198,
220,
220,
220,
708,
3808,
796,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
366,
10378,
82,
1298,
708,
81,
13,
18242,
62,
4868,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9549,
796,
685,
2964,
1462,
12360,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7612,
796,
685,
62,
79,
86,
62,
1831,
62,
81,
14751,
62,
1676,
1462,
62,
5589,
5329,
62,
292,
806,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
10612,
198,
220,
220,
220,
8964,
198,
8,
198,
198,
62,
79,
86,
62,
12647,
404,
65,
62,
81,
14751,
62,
1676,
1462,
62,
5589,
5329,
62,
292,
806,
796,
4808,
1676,
1462,
62,
5589,
5329,
62,
292,
806,
7203,
81,
14751,
13,
40842,
13,
71,
1600,
366,
1003,
79,
86,
62,
81,
14751,
14,
9078,
25,
33803,
62,
12647,
404,
65,
4943,
198,
198,
62,
79,
86,
62,
12647,
404,
65,
62,
81,
14751,
62,
1676,
1462,
62,
32016,
796,
3896,
7,
198,
220,
220,
220,
7822,
796,
4808,
23928,
62,
79,
86,
62,
1676,
1462,
62,
32016,
11,
198,
220,
220,
220,
708,
3808,
796,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
366,
10378,
82,
1298,
708,
81,
13,
18242,
62,
4868,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9549,
796,
685,
2964,
1462,
12360,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7612,
796,
685,
62,
79,
86,
62,
12647,
404,
65,
62,
81,
14751,
62,
1676,
1462,
62,
5589,
5329,
62,
292,
806,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
10612,
198,
220,
220,
220,
8964,
198,
8,
198,
198,
47,
3528,
8845,
1961,
62,
6489,
7340,
1268,
796,
1391,
198,
220,
220,
220,
366,
79,
24142,
65,
1298,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
366,
5589,
5329,
1298,
4808,
79,
86,
62,
1676,
1462,
62,
32016,
11,
198,
220,
220,
220,
220,
220,
220,
220,
366,
10378,
82,
1298,
685,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
1003,
79,
86,
62,
30493,
25,
38942,
671,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
1003,
79,
86,
62,
3642,
50221,
25,
31364,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
1003,
79,
86,
62,
3866,
41341,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
1003,
79,
86,
62,
11235,
672,
3046,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
1003,
79,
86,
62,
20274,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
1003,
79,
86,
62,
12626,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
1003,
79,
86,
62,
13376,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
16589,
198,
220,
220,
220,
220,
220,
220,
220,
366,
17256,
62,
12647,
404,
65,
62,
10378,
1298,
10352,
11,
198,
220,
220,
220,
220,
220,
220,
220,
366,
17256,
62,
79,
24142,
65,
62,
10378,
1298,
10352,
11,
198,
220,
220,
220,
8964,
198,
220,
220,
220,
366,
79,
24142,
65,
62,
81,
14751,
1298,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
366,
5589,
5329,
1298,
4808,
79,
86,
62,
79,
24142,
65,
62,
81,
14751,
62,
1676,
1462,
62,
32016,
11,
198,
220,
220,
220,
220,
220,
220,
220,
366,
10378,
82,
1298,
685,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
1003,
79,
86,
62,
11235,
672,
3046,
25,
79,
86,
62,
11235,
672,
3046,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
1003,
79,
86,
62,
81,
14751,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
1003,
79,
86,
62,
81,
14751,
14,
79,
24142,
65,
25,
16366,
62,
15042,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
1003,
79,
86,
62,
81,
14751,
14,
79,
24142,
65,
25,
15388,
62,
15042,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
16589,
198,
220,
220,
220,
220,
220,
220,
220,
366,
17256,
62,
12647,
404,
65,
62,
10378,
1298,
10352,
11,
198,
220,
220,
220,
220,
220,
220,
220,
366,
17256,
62,
79,
24142,
65,
62,
10378,
1298,
6407,
11,
198,
220,
220,
220,
8964,
198,
220,
220,
220,
366,
1831,
62,
81,
14751,
1298,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
366,
5589,
5329,
1298,
4808,
79,
86,
62,
1831,
62,
81,
14751,
62,
1676,
1462,
62,
32016,
11,
198,
220,
220,
220,
220,
220,
220,
220,
366,
10378,
82,
1298,
685,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
1003,
79,
86,
62,
81,
14751,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
1003,
79,
86,
62,
81,
14751,
14,
1831,
25,
16366,
62,
15042,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
1003,
79,
86,
62,
81,
14751,
14,
1831,
25,
15388,
62,
15042,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
16589,
198,
220,
220,
220,
220,
220,
220,
220,
366,
17256,
62,
12647,
404,
65,
62,
10378,
1298,
10352,
11,
198,
220,
220,
220,
220,
220,
220,
220,
366,
17256,
62,
79,
24142,
65,
62,
10378,
1298,
10352,
11,
198,
220,
220,
220,
8964,
198,
220,
220,
220,
366,
12647,
404,
65,
62,
81,
14751,
1298,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
366,
5589,
5329,
1298,
4808,
79,
86,
62,
12647,
404,
65,
62,
81,
14751,
62,
1676,
1462,
62,
32016,
11,
198,
220,
220,
220,
220,
220,
220,
220,
366,
10378,
82,
1298,
685,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
1003,
79,
86,
62,
81,
14751,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
1003,
79,
86,
62,
81,
14751,
14,
12647,
404,
65,
25,
16366,
62,
15042,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
1003,
79,
86,
62,
81,
14751,
14,
12647,
404,
65,
25,
15388,
62,
15042,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
16589,
198,
220,
220,
220,
220,
220,
220,
220,
366,
17256,
62,
12647,
404,
65,
62,
10378,
1298,
6407,
11,
198,
220,
220,
220,
220,
220,
220,
220,
366,
17256,
62,
79,
24142,
65,
62,
10378,
1298,
10352,
11,
198,
220,
220,
220,
8964,
198,
92,
198
] | 2.341363 | 4,608 |
import hashlib
import json
import logging
import os
from aquarium.provenance import (FileEntity, FileTypes,
JobActivity, OperationActivity,
ProvenanceTrace)
from typing import List, Union
| [
11748,
12234,
8019,
198,
11748,
33918,
198,
11748,
18931,
198,
11748,
28686,
198,
198,
6738,
33868,
13,
42874,
590,
1330,
357,
8979,
32398,
11,
9220,
31431,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
15768,
16516,
11,
14680,
16516,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1041,
574,
590,
2898,
558,
8,
198,
6738,
19720,
1330,
7343,
11,
4479,
628,
198
] | 2.254386 | 114 |
import math
import numpy as np
from metadrive.utils.math_utils import norm
class InterpolatingLine:
"""
This class provides point set with interpolating function
"""
@staticmethod
@staticmethod
@staticmethod
@staticmethod
def get_point(self, longitudinal, lateral=None):
"""
Get point on this line by interpolating
"""
accumulate_len = 0
for seg in self.segment_property:
accumulate_len += seg["length"]
if accumulate_len + 0.1 >= longitudinal:
break
if lateral is not None:
return (seg["start_point"] + (longitudinal - accumulate_len + seg["length"]) *
seg["direction"]) + lateral * seg["lateral_direction"]
else:
return seg["start_point"] + (longitudinal - accumulate_len + seg["length"]) * seg["direction"]
def get_heading_theta(self, longitudinal: float) -> float:
"""
In rad
"""
accumulate_len = 0
for seg in self.segment_property:
accumulate_len += seg["length"]
if accumulate_len > longitudinal:
return seg["heading"]
return seg["heading"]
def segment(self, longitudinal: float):
"""
Return the segment piece on this lane of current position
"""
accumulate_len = 0
for index, seg in enumerate(self.segment_property):
accumulate_len += seg["length"]
if accumulate_len + 0.1 >= longitudinal:
return self.segment_property[index]
return self.segment_property[index]
| [
11748,
10688,
198,
198,
11748,
299,
32152,
355,
45941,
198,
198,
6738,
1138,
324,
11590,
13,
26791,
13,
11018,
62,
26791,
1330,
2593,
628,
198,
4871,
4225,
16104,
803,
13949,
25,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
770,
1398,
3769,
966,
900,
351,
39555,
803,
2163,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
2488,
12708,
24396,
628,
220,
220,
220,
2488,
12708,
24396,
628,
220,
220,
220,
2488,
12708,
24396,
628,
220,
220,
220,
2488,
12708,
24396,
628,
220,
220,
220,
825,
651,
62,
4122,
7,
944,
11,
36211,
11,
25653,
28,
14202,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
3497,
966,
319,
428,
1627,
416,
39555,
803,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
29915,
62,
11925,
796,
657,
198,
220,
220,
220,
220,
220,
220,
220,
329,
384,
70,
287,
2116,
13,
325,
5154,
62,
26745,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
29915,
62,
11925,
15853,
384,
70,
14692,
13664,
8973,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
29915,
62,
11925,
1343,
657,
13,
16,
18189,
36211,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2270,
198,
220,
220,
220,
220,
220,
220,
220,
611,
25653,
318,
407,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
357,
325,
70,
14692,
9688,
62,
4122,
8973,
1343,
357,
6511,
29121,
532,
29915,
62,
11925,
1343,
384,
70,
14692,
13664,
8973,
8,
1635,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
384,
70,
14692,
37295,
8973,
8,
1343,
25653,
1635,
384,
70,
14692,
75,
10534,
62,
37295,
8973,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
384,
70,
14692,
9688,
62,
4122,
8973,
1343,
357,
6511,
29121,
532,
29915,
62,
11925,
1343,
384,
70,
14692,
13664,
8973,
8,
1635,
384,
70,
14692,
37295,
8973,
628,
220,
220,
220,
825,
651,
62,
33878,
62,
1169,
8326,
7,
944,
11,
36211,
25,
12178,
8,
4613,
12178,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
554,
2511,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
29915,
62,
11925,
796,
657,
198,
220,
220,
220,
220,
220,
220,
220,
329,
384,
70,
287,
2116,
13,
325,
5154,
62,
26745,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
29915,
62,
11925,
15853,
384,
70,
14692,
13664,
8973,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
29915,
62,
11925,
1875,
36211,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
384,
70,
14692,
33878,
8973,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
384,
70,
14692,
33878,
8973,
628,
220,
220,
220,
825,
10618,
7,
944,
11,
36211,
25,
12178,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
8229,
262,
10618,
3704,
319,
428,
11193,
286,
1459,
2292,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
29915,
62,
11925,
796,
657,
198,
220,
220,
220,
220,
220,
220,
220,
329,
6376,
11,
384,
70,
287,
27056,
378,
7,
944,
13,
325,
5154,
62,
26745,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
29915,
62,
11925,
15853,
384,
70,
14692,
13664,
8973,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
29915,
62,
11925,
1343,
657,
13,
16,
18189,
36211,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
325,
5154,
62,
26745,
58,
9630,
60,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
325,
5154,
62,
26745,
58,
9630,
60,
198
] | 2.348637 | 697 |
import pytest
# pylint: disable=unused-import
from .context import Storage, Asset, Order
from .fixtures import (
ASSET_ID,
ORDER_ID,
WORKSPACE_ID,
auth_mock,
auth_live,
storage_mock,
storage_live,
JSON_ASSET,
JSON_ORDER,
)
def test_paginate_with_limit_smaller_page_size(storage_mock, requests_mock):
"""
Test pagination with limit <= pagination size.
"""
url = "http://some_url/assets"
limit = 5
size = limit
total_pages = 2
total_elements = 12
expected = 5
requests_mock.get(
url + f"&size={limit}",
json=_mock_one_page_reponse(0, size, total_pages, total_elements),
)
requests_mock.get(
url + f"&size={limit}&page=1",
json=_mock_one_page_reponse(0, size, total_pages, total_elements),
)
res = storage_mock._query_paginated(url=url, limit=limit, size=size)
assert len(res) == expected
@pytest.mark.live
def test_get_assets_live(storage_live):
"""
SDK test account holds too few results to query multiple pages via pagination,
needs to be mocked.
"""
assets = storage_live.get_assets()
assert len(assets) >= 2
dates = [asset.info["createdAt"] for asset in assets]
# default descending, newest to oldest.
descending_dates = sorted(dates)[::-1]
assert descending_dates == dates
def test_get_assets_pagination(auth_mock, requests_mock):
"""
Mock result holds 2 pages, each with 50 results.
"""
json_assets_paginated = {
"data": {
"content": [JSON_ASSET["data"]] * 50,
"pageable": {
"sort": {"sorted": True, "unsorted": False, "empty": False},
"pageNumber": 0,
"pageSize": 50,
"offset": 0,
"paged": True,
"unpaged": False,
},
"totalPages": 2,
"totalElements": 100,
"last": True,
"sort": {"sorted": True, "unsorted": False, "empty": False},
"numberOfElements": 100,
"first": True,
"size": 50,
"number": 0,
"empty": False,
},
"error": None,
}
# assets pages
url_storage_assets_paginated = (
f"{auth_mock._endpoint()}/workspaces/{auth_mock.workspace_id}/"
f"assets?format=paginated&sort=createdAt,asc&size=50"
)
requests_mock.get(url=url_storage_assets_paginated, json=json_assets_paginated)
storage = Storage(auth=auth_mock)
assets = storage.get_assets(limit=74, sortby="createdAt", descending=False)
assert len(assets) == 74
assert isinstance(assets[0], Asset)
assert assets[0].asset_id == ASSET_ID
@pytest.mark.live
def test_get_orders_live(storage_live):
"""
SDK test account holds too few results to query multiple pages via pagination,
needs to be mocked.
"""
orders = storage_live.get_orders()
assert len(orders) >= 1
dates = [order.info["createdAt"] for order in orders]
# default descending, newest to oldest.
descending_dates = sorted(dates)[::-1]
assert descending_dates == dates
def test_get_orders_pagination(auth_mock, requests_mock):
"""
Mock result holds 2 pages, each with 50 results.
"""
json_orders_paginated = {
"data": {
"content": [JSON_ORDER["data"]] * 50,
"pageable": {
"sort": {"sorted": True, "unsorted": False, "empty": False},
"pageNumber": 0,
"pageSize": 50,
"offset": 0,
"paged": True,
"unpaged": False,
},
"totalPages": 2,
"totalElements": 100,
"last": True,
"sort": {"sorted": True, "unsorted": False, "empty": False},
"numberOfElements": 100,
"first": True,
"size": 50,
"number": 0,
"empty": False,
},
"error": None,
}
# assets pages
url_storage_orders_paginated = (
f"{auth_mock._endpoint()}/workspaces/{auth_mock.workspace_id}/"
f"orders?format=paginated&sort=createdAt,asc&size=50"
)
requests_mock.get(url=url_storage_orders_paginated, json=json_orders_paginated)
storage = Storage(auth=auth_mock)
orders = storage.get_orders(limit=74, sortby="createdAt", descending=False)
assert len(orders) == 74
assert isinstance(orders[0], Order)
assert orders[0].order_id == ORDER_ID
| [
11748,
12972,
9288,
198,
198,
2,
279,
2645,
600,
25,
15560,
28,
403,
1484,
12,
11748,
198,
6738,
764,
22866,
1330,
20514,
11,
31433,
11,
8284,
198,
6738,
764,
69,
25506,
1330,
357,
198,
220,
220,
220,
24994,
2767,
62,
2389,
11,
198,
220,
220,
220,
38678,
62,
2389,
11,
198,
220,
220,
220,
30936,
4303,
11598,
62,
2389,
11,
198,
220,
220,
220,
6284,
62,
76,
735,
11,
198,
220,
220,
220,
6284,
62,
12583,
11,
198,
220,
220,
220,
6143,
62,
76,
735,
11,
198,
220,
220,
220,
6143,
62,
12583,
11,
198,
220,
220,
220,
19449,
62,
10705,
2767,
11,
198,
220,
220,
220,
19449,
62,
12532,
1137,
11,
198,
8,
628,
628,
628,
198,
4299,
1332,
62,
79,
363,
4559,
62,
4480,
62,
32374,
62,
17470,
263,
62,
7700,
62,
7857,
7,
35350,
62,
76,
735,
11,
7007,
62,
76,
735,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
6208,
42208,
1883,
351,
4179,
19841,
42208,
1883,
2546,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
19016,
796,
366,
4023,
1378,
11246,
62,
6371,
14,
19668,
1,
628,
220,
220,
220,
4179,
796,
642,
198,
220,
220,
220,
2546,
796,
4179,
198,
220,
220,
220,
2472,
62,
31126,
796,
362,
198,
220,
220,
220,
2472,
62,
68,
3639,
796,
1105,
198,
220,
220,
220,
2938,
796,
642,
198,
220,
220,
220,
7007,
62,
76,
735,
13,
1136,
7,
198,
220,
220,
220,
220,
220,
220,
220,
19016,
1343,
277,
1,
5,
7857,
34758,
32374,
92,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
33918,
28,
62,
76,
735,
62,
505,
62,
7700,
62,
7856,
2591,
7,
15,
11,
2546,
11,
2472,
62,
31126,
11,
2472,
62,
68,
3639,
828,
198,
220,
220,
220,
1267,
198,
220,
220,
220,
7007,
62,
76,
735,
13,
1136,
7,
198,
220,
220,
220,
220,
220,
220,
220,
19016,
1343,
277,
1,
5,
7857,
34758,
32374,
92,
5,
7700,
28,
16,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
33918,
28,
62,
76,
735,
62,
505,
62,
7700,
62,
7856,
2591,
7,
15,
11,
2546,
11,
2472,
62,
31126,
11,
2472,
62,
68,
3639,
828,
198,
220,
220,
220,
1267,
198,
220,
220,
220,
581,
796,
6143,
62,
76,
735,
13557,
22766,
62,
79,
363,
3898,
7,
6371,
28,
6371,
11,
4179,
28,
32374,
11,
2546,
28,
7857,
8,
198,
220,
220,
220,
6818,
18896,
7,
411,
8,
6624,
2938,
628,
198,
198,
31,
9078,
9288,
13,
4102,
13,
12583,
198,
4299,
1332,
62,
1136,
62,
19668,
62,
12583,
7,
35350,
62,
12583,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
26144,
1332,
1848,
6622,
1165,
1178,
2482,
284,
12405,
3294,
5468,
2884,
42208,
1883,
11,
198,
220,
220,
220,
2476,
284,
307,
29180,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
6798,
796,
6143,
62,
12583,
13,
1136,
62,
19668,
3419,
198,
220,
220,
220,
6818,
18896,
7,
19668,
8,
18189,
362,
198,
220,
220,
220,
9667,
796,
685,
562,
316,
13,
10951,
14692,
25598,
2953,
8973,
329,
11171,
287,
6798,
60,
198,
220,
220,
220,
1303,
4277,
31491,
11,
15530,
284,
13325,
13,
198,
220,
220,
220,
31491,
62,
19581,
796,
23243,
7,
19581,
38381,
3712,
12,
16,
60,
198,
220,
220,
220,
6818,
31491,
62,
19581,
6624,
9667,
628,
198,
4299,
1332,
62,
1136,
62,
19668,
62,
79,
363,
1883,
7,
18439,
62,
76,
735,
11,
7007,
62,
76,
735,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
44123,
1255,
6622,
362,
5468,
11,
1123,
351,
2026,
2482,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
33918,
62,
19668,
62,
79,
363,
3898,
796,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
366,
7890,
1298,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
11299,
1298,
685,
40386,
62,
10705,
2767,
14692,
7890,
8973,
60,
1635,
2026,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
7700,
540,
1298,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
30619,
1298,
19779,
82,
9741,
1298,
6407,
11,
366,
13271,
9741,
1298,
10352,
11,
366,
28920,
1298,
10352,
5512,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
7700,
15057,
1298,
657,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
7700,
10699,
1298,
2026,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
28968,
1298,
657,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
79,
1886,
1298,
6407,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
403,
79,
1886,
1298,
10352,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8964,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
23350,
47798,
1298,
362,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
23350,
36,
3639,
1298,
1802,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
12957,
1298,
6407,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
30619,
1298,
19779,
82,
9741,
1298,
6407,
11,
366,
13271,
9741,
1298,
10352,
11,
366,
28920,
1298,
10352,
5512,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
17618,
5189,
36,
3639,
1298,
1802,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
11085,
1298,
6407,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
7857,
1298,
2026,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
17618,
1298,
657,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
28920,
1298,
10352,
11,
198,
220,
220,
220,
220,
220,
220,
220,
8964,
198,
220,
220,
220,
220,
220,
220,
220,
366,
18224,
1298,
6045,
11,
198,
220,
220,
220,
1782,
628,
220,
220,
220,
1303,
6798,
5468,
198,
220,
220,
220,
19016,
62,
35350,
62,
19668,
62,
79,
363,
3898,
796,
357,
198,
220,
220,
220,
220,
220,
220,
220,
277,
1,
90,
18439,
62,
76,
735,
13557,
437,
4122,
3419,
92,
14,
5225,
43076,
14,
90,
18439,
62,
76,
735,
13,
5225,
10223,
62,
312,
92,
30487,
198,
220,
220,
220,
220,
220,
220,
220,
277,
1,
19668,
30,
18982,
28,
79,
363,
3898,
5,
30619,
28,
25598,
2953,
11,
3372,
5,
7857,
28,
1120,
1,
198,
220,
220,
220,
1267,
198,
220,
220,
220,
7007,
62,
76,
735,
13,
1136,
7,
6371,
28,
6371,
62,
35350,
62,
19668,
62,
79,
363,
3898,
11,
33918,
28,
17752,
62,
19668,
62,
79,
363,
3898,
8,
628,
220,
220,
220,
6143,
796,
20514,
7,
18439,
28,
18439,
62,
76,
735,
8,
198,
220,
220,
220,
6798,
796,
6143,
13,
1136,
62,
19668,
7,
32374,
28,
4524,
11,
3297,
1525,
2625,
25598,
2953,
1600,
31491,
28,
25101,
8,
198,
220,
220,
220,
6818,
18896,
7,
19668,
8,
6624,
8915,
198,
220,
220,
220,
6818,
318,
39098,
7,
19668,
58,
15,
4357,
31433,
8,
198,
220,
220,
220,
6818,
6798,
58,
15,
4083,
562,
316,
62,
312,
6624,
24994,
2767,
62,
2389,
628,
628,
198,
31,
9078,
9288,
13,
4102,
13,
12583,
198,
4299,
1332,
62,
1136,
62,
6361,
62,
12583,
7,
35350,
62,
12583,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
26144,
1332,
1848,
6622,
1165,
1178,
2482,
284,
12405,
3294,
5468,
2884,
42208,
1883,
11,
198,
220,
220,
220,
2476,
284,
307,
29180,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
6266,
796,
6143,
62,
12583,
13,
1136,
62,
6361,
3419,
198,
220,
220,
220,
6818,
18896,
7,
6361,
8,
18189,
352,
198,
220,
220,
220,
9667,
796,
685,
2875,
13,
10951,
14692,
25598,
2953,
8973,
329,
1502,
287,
6266,
60,
198,
220,
220,
220,
1303,
4277,
31491,
11,
15530,
284,
13325,
13,
198,
220,
220,
220,
31491,
62,
19581,
796,
23243,
7,
19581,
38381,
3712,
12,
16,
60,
198,
220,
220,
220,
6818,
31491,
62,
19581,
6624,
9667,
628,
198,
198,
4299,
1332,
62,
1136,
62,
6361,
62,
79,
363,
1883,
7,
18439,
62,
76,
735,
11,
7007,
62,
76,
735,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
44123,
1255,
6622,
362,
5468,
11,
1123,
351,
2026,
2482,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
33918,
62,
6361,
62,
79,
363,
3898,
796,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
366,
7890,
1298,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
11299,
1298,
685,
40386,
62,
12532,
1137,
14692,
7890,
8973,
60,
1635,
2026,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
7700,
540,
1298,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
30619,
1298,
19779,
82,
9741,
1298,
6407,
11,
366,
13271,
9741,
1298,
10352,
11,
366,
28920,
1298,
10352,
5512,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
7700,
15057,
1298,
657,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
7700,
10699,
1298,
2026,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
28968,
1298,
657,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
79,
1886,
1298,
6407,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
403,
79,
1886,
1298,
10352,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8964,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
23350,
47798,
1298,
362,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
23350,
36,
3639,
1298,
1802,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
12957,
1298,
6407,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
30619,
1298,
19779,
82,
9741,
1298,
6407,
11,
366,
13271,
9741,
1298,
10352,
11,
366,
28920,
1298,
10352,
5512,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
17618,
5189,
36,
3639,
1298,
1802,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
11085,
1298,
6407,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
7857,
1298,
2026,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
17618,
1298,
657,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
28920,
1298,
10352,
11,
198,
220,
220,
220,
220,
220,
220,
220,
8964,
198,
220,
220,
220,
220,
220,
220,
220,
366,
18224,
1298,
6045,
11,
198,
220,
220,
220,
1782,
628,
220,
220,
220,
1303,
6798,
5468,
198,
220,
220,
220,
19016,
62,
35350,
62,
6361,
62,
79,
363,
3898,
796,
357,
198,
220,
220,
220,
220,
220,
220,
220,
277,
1,
90,
18439,
62,
76,
735,
13557,
437,
4122,
3419,
92,
14,
5225,
43076,
14,
90,
18439,
62,
76,
735,
13,
5225,
10223,
62,
312,
92,
30487,
198,
220,
220,
220,
220,
220,
220,
220,
277,
1,
6361,
30,
18982,
28,
79,
363,
3898,
5,
30619,
28,
25598,
2953,
11,
3372,
5,
7857,
28,
1120,
1,
198,
220,
220,
220,
1267,
198,
220,
220,
220,
7007,
62,
76,
735,
13,
1136,
7,
6371,
28,
6371,
62,
35350,
62,
6361,
62,
79,
363,
3898,
11,
33918,
28,
17752,
62,
6361,
62,
79,
363,
3898,
8,
628,
220,
220,
220,
6143,
796,
20514,
7,
18439,
28,
18439,
62,
76,
735,
8,
198,
220,
220,
220,
6266,
796,
6143,
13,
1136,
62,
6361,
7,
32374,
28,
4524,
11,
3297,
1525,
2625,
25598,
2953,
1600,
31491,
28,
25101,
8,
198,
220,
220,
220,
6818,
18896,
7,
6361,
8,
6624,
8915,
198,
220,
220,
220,
6818,
318,
39098,
7,
6361,
58,
15,
4357,
8284,
8,
198,
220,
220,
220,
6818,
6266,
58,
15,
4083,
2875,
62,
312,
6624,
38678,
62,
2389,
198
] | 2.181026 | 2,066 |
# -*- coding: utf-8 -*-
# Copyright: (c) 2016, Matt Davis, <[email protected]>
# Copyright: (c) 2016, Chris Houseknecht, <[email protected]>
# GNU General Public License v3.0+ (see COPYING or https://www.gnu.org/licenses/gpl-3.0.txt)
| [
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
198,
2,
15069,
25,
357,
66,
8,
1584,
11,
4705,
7802,
11,
1279,
9132,
23401,
31,
504,
856,
13,
785,
29,
198,
2,
15069,
25,
357,
66,
8,
1584,
11,
5180,
2097,
74,
710,
21474,
11,
1279,
4803,
31,
445,
5183,
13,
785,
29,
198,
2,
22961,
3611,
5094,
13789,
410,
18,
13,
15,
10,
357,
3826,
27975,
45761,
393,
3740,
1378,
2503,
13,
41791,
13,
2398,
14,
677,
4541,
14,
70,
489,
12,
18,
13,
15,
13,
14116,
8,
628
] | 2.484211 | 95 |
import numpy.testing
import cupy
# NumPy-like assertion functions that accept both NumPy and CuPy arrays
| [
11748,
299,
32152,
13,
33407,
198,
198,
11748,
6508,
88,
628,
198,
2,
31835,
20519,
12,
2339,
19190,
5499,
326,
2453,
1111,
31835,
20519,
290,
14496,
20519,
26515,
628,
628,
628,
198
] | 3.5625 | 32 |
from collections import Counter
import random
class LPA:
"""
Louvain community detection
"""
def train(self,networks):
"""
No training actually takes place in this class.
:param networks: list of egonet objects
:return: Predictions on training networks
"""
# Normally some training would take place here...
return self.predict(networks)
def predict(self,networks):
"""
Randomly constract valid circles given initialized hyper parameters
:param networks:
:return:
"""
predictions = []
for egonet in networks:
n = egonet.G
# Initially each node is labeled by themselves
label = dict(zip(n.nodes(),n.nodes()))
isConverged = False
while not isConverged:
isConverged = True
for node in n.nodes():
c = Counter(label[_] for _ in n.edge[node])
most = max(c.values())
# When the label of the node is not among the most of its neighbors' labels
if c[label[node]] != max(c.values()):
# Update the label to be one of the most choosed label of its beighborhood
label[node] = random.choice([_ for _ in c if c[_] == most])
isConverged = False
predicted_circles = {}
for node in n.nodes():
if label[node] not in predicted_circles:
predicted_circles[label[node]] = [node]
else:
predicted_circles[label[node]].append(node)
predictions.append(predicted_circles)
print("circles")
print(predicted_circles)
return predictions
| [
6738,
17268,
1330,
15034,
198,
11748,
4738,
198,
198,
4871,
406,
4537,
25,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
4768,
85,
391,
2055,
13326,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
825,
4512,
7,
944,
11,
3262,
5225,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1400,
3047,
1682,
2753,
1295,
287,
428,
1398,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
7686,
25,
1351,
286,
304,
14520,
316,
5563,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
7783,
25,
14322,
9278,
319,
3047,
7686,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
29282,
617,
3047,
561,
1011,
1295,
994,
986,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
79,
17407,
7,
3262,
5225,
8,
628,
198,
220,
220,
220,
825,
4331,
7,
944,
11,
3262,
5225,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
14534,
306,
1500,
974,
4938,
13332,
1813,
23224,
8718,
10007,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
7686,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
7783,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
16277,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
329,
304,
14520,
316,
287,
7686,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
299,
796,
304,
14520,
316,
13,
38,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
30900,
1123,
10139,
318,
15494,
416,
2405,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6167,
796,
8633,
7,
13344,
7,
77,
13,
77,
4147,
22784,
77,
13,
77,
4147,
3419,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
318,
3103,
332,
2004,
796,
10352,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
981,
407,
318,
3103,
332,
2004,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
318,
3103,
332,
2004,
796,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
10139,
287,
299,
13,
77,
4147,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
269,
796,
15034,
7,
18242,
29795,
60,
329,
4808,
287,
299,
13,
14907,
58,
17440,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
749,
796,
3509,
7,
66,
13,
27160,
28955,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1649,
262,
6167,
286,
262,
10139,
318,
407,
1871,
262,
749,
286,
663,
12020,
6,
14722,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
269,
58,
18242,
58,
17440,
11907,
14512,
3509,
7,
66,
13,
27160,
3419,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
10133,
262,
6167,
284,
307,
530,
286,
262,
749,
1727,
1335,
6167,
286,
663,
307,
394,
2865,
2894,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6167,
58,
17440,
60,
796,
4738,
13,
25541,
26933,
62,
329,
4808,
287,
269,
611,
269,
29795,
60,
6624,
749,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
318,
3103,
332,
2004,
796,
10352,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11001,
62,
66,
343,
5427,
796,
23884,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
10139,
287,
299,
13,
77,
4147,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
6167,
58,
17440,
60,
407,
287,
11001,
62,
66,
343,
5427,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11001,
62,
66,
343,
5427,
58,
18242,
58,
17440,
11907,
796,
685,
17440,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11001,
62,
66,
343,
5427,
58,
18242,
58,
17440,
60,
4083,
33295,
7,
17440,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
16277,
13,
33295,
7,
28764,
5722,
62,
66,
343,
5427,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
66,
343,
5427,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
28764,
5722,
62,
66,
343,
5427,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
16277,
628,
628
] | 2.084187 | 879 |
#!/usr/bin/env python3
# -*- coding: utf-8 -*-
"""
#plot maps of ensemble mean annual mean dslc and wind stress change
@author: thermans
"""
import xarray as xr
import matplotlib.pyplot as plt
import os
import numpy as np
import fnmatch
import cmocean
import cartopy.crs as ccrs
import matplotlib
import matplotlib.gridspec as gridspec
from seasonal_deviations_from_monthly_means import seasonal_deviations_from_monthly_means
plt.close('all')
ssp = 'ssp585'
in_dir = '/Volumes/Naamloos/PhD_Data/CMIP6/ensemble_netcdfs/' #input directory ensemble data
out_dir = '/Users/thermans/Documents/PhD/Phase4_seasonal/Figures' #where to store the figure
model_list = list(np.genfromtxt('/Users/thermans/Documents/PhD/Phase4_seasonal/Analysis/compiling_ensembles/ens_model_list_'+ssp+'.txt',dtype='str'))
baseyears = np.arange(1995,2015) #reference periods
futyears = np.arange(2081,2101)
#load variant averaged ensemble for NWES (1x1)
nwes_ds = xr.open_dataset(os.path.join(in_dir,fnmatch.filter(os.listdir(in_dir), "zos_CMIP6_ssp585_n38_nwes_variant_averaged.nc")[0]))
nwes_ds = nwes_ds.sel(model=model_list)
nwes_ds = nwes_ds.isel(time=np.arange(11,3011)) #start in December end in November
bathy = xr.open_dataset('/Users/thermans/Documents/Modeling/ROMS/preprocessing/bathymetry/etopo1_bedrock_bigNorthSea1.nc')
#get seasonal anomalies
ens_djf_mean_anom, ens_jja_mean_anom, ens_mam_mean_anom, ens_son_mean_anom, ens_dec2nov_mean = seasonal_deviations_from_monthly_means(nwes_ds.zos)
ens_dec2nov_mean_d = ens_dec2nov_mean - ens_dec2nov_mean.sel(year=baseyears).mean(dim='year')#change relative to base period
#prepare data for plotting
numfin = np.sum(np.isfinite(ens_dec2nov_mean_d.isel(year=0)),axis=0) #get number of models with ocean value for each grid point
min_num = 5
a = ens_dec2nov_mean_d #winter
a = a.where(np.isfinite(ens_dec2nov_mean_d.sel(year=futyears).mean(dim='year').mean(dim='model',skipna=True) )) #mask where slc masked
a = a.where(numfin>min_num-1) #mask where minimum number of models with ocean value not exceeded
#load wind stress
taux_ds = xr.open_dataset(os.path.join(in_dir,fnmatch.filter(os.listdir(in_dir), "tauu_CMIP6_ssp585_n33_nwes_variant_averaged.nc")[0]))
taux_ds = taux_ds.isel(time=np.arange(11+124*12,3011))
taux_ds = taux_ds.sel(model=model_list)
taux_ds = taux_ds.where(numfin>min_num-1) #apply mask from zos
taux_ds.coords['lon'] = ((taux_ds.coords['lon'] + 180) % 360) - 180 #wrap around 0
taux_ds = taux_ds.reindex({ 'lon' : np.sort(taux_ds['lon'])})
modi = np.where(np.isin(taux_ds.model.values,['CIESM', 'CMCC-CM2-SR5', 'CMCC-ESM2', 'CAS-ESM2-0', 'FIO-ESM-2-0']))[0] #defined positive westward
taux_ds['tauu'][modi,...] = -1*taux_ds['tauu'][modi,...] #change sign
taux_djf_mean_anom, taux_jja_mean_anom, taux_mam_mean_anom, taux_son_mean_anom, taux_dec2nov_mean = seasonal_deviations_from_monthly_means(taux_ds.tauu)
#open ensemble dataset wind stress y
tauy_ds = xr.open_dataset(os.path.join(in_dir,fnmatch.filter(os.listdir(in_dir), "tauv_CMIP6_ssp585_n33_nwes_variant_averaged.nc")[0]))
tauy_ds = tauy_ds.isel(time=np.arange(11+124*12,3011))
tauy_ds = tauy_ds.sel(model=model_list)
tauy_ds = tauy_ds.where(numfin>min_num-1) #apply mask from zos
tauy_ds.coords['lon'] = ((tauy_ds.coords['lon'] + 180) % 360) - 180 #wrap around 0
tauy_ds = tauy_ds.reindex({ 'lon' : np.sort(tauy_ds['lon'])})
modi = np.where(np.isin(tauy_ds.model.values,['CIESM', 'CMCC-CM2-SR5', 'CMCC-ESM2', 'CAS-ESM2-0', 'FIO-ESM-2-0']))[0]
tauy_ds['tauv'][modi,...] = -1*tauy_ds['tauv'][modi,...]
tauy_djf_mean_anom, tauy_jja_mean_anom, tauy_mam_mean_anom, tauy_son_mean_anom, tauy_dec2nov_mean = seasonal_deviations_from_monthly_means(tauy_ds.tauv)
#calculate change future relative to baseline
taux_dec2nov_mean_d = taux_dec2nov_mean.sel(year=futyears).mean(dim='year') - taux_dec2nov_mean.sel(year=baseyears).mean(dim='year')
tauy_dec2nov_mean_d = tauy_dec2nov_mean.sel(year=futyears).mean(dim='year') - tauy_dec2nov_mean.sel(year=baseyears).mean(dim='year')
####plotting
my_cmap = cmocean.cm.balance #continuous colormap
my_cmap.set_bad('grey')
fig=plt.figure(figsize=(8,5))
gs = fig.add_gridspec(1,2)
gs.update(hspace = 0.75,wspace=0.3,right=.84,top=.95,bottom=.05)
#annual mean slc
ax3 = plt.subplot(gs[0,0], projection=ccrs.Orthographic(0, 50)) #maps
p=(100*a).sel(year=futyears).mean(dim='year').mean(dim='model').plot(transform=ccrs.PlateCarree(),ax=ax3,vmin=-25,vmax=25,cmap=my_cmap,add_colorbar=False)
p.set_edgecolor('face') #avoid white lines in pdf rendering
bathy.Band1.plot.contour(transform=ccrs.PlateCarree(),ax=ax3,levels=[-200],colors=['white'],add_colorbar=False) #shelf break
ax3.coastlines(resolution='50m',color='black',linewidth=1)
gl = ax3.gridlines(crs=ccrs.PlateCarree(), draw_labels=True,linewidth=1, color='lightgrey', alpha=0, linestyle='-')
gl.top_labels = gl.right_labels = False #don't label top and right axes
gl.xlabel_style = {'color': 'black','rotation':0}
gl.ylabel_style = {'color': 'black','rotation':0}
ax3.set_extent([-9.5,9,45,60]) #set longitude & latitude extent
ax3.set_title('(a)') #subplot title
cax = fig.add_axes([0.125, .15, .312, .02])
fig.colorbar(p, cax=cax,orientation='horizontal',label='SLC [cm]')
#annual mean wind-stress change
my_cmap = cmocean.cm.tempo
my_cmap.set_bad('grey')
abs_d = np.sqrt(taux_dec2nov_mean_d.mean(dim='model')**2+tauy_dec2nov_mean_d.mean(dim='model')**2) #absolute change
ax1 = plt.subplot(gs[0,1], projection=ccrs.Orthographic(0, 50)) #maps
im = abs_d.plot(transform=ccrs.PlateCarree(),ax=ax1,vmin=0,vmax=.03,cmap=my_cmap,add_colorbar=False)
bathy.Band1.plot.contour(transform=ccrs.PlateCarree(),ax=ax1,levels=[-200],colors=['white'],add_colorbar=False)
im.set_edgecolor('face') #avoid whitespace between grid cells when rendering
x=taux_djf_mean_anom.lon.values #quivers
y=taux_djf_mean_anom.lat.values
u = taux_dec2nov_mean_d.mean(dim='model').values
v = tauy_dec2nov_mean_d.mean(dim='model').values
q=ax1.quiver(x,y,u,v,transform=ccrs.PlateCarree(),scale=.2,color='black',width=.007,edgecolors='k',zorder=5)
qk = ax1.quiverkey(q, 0.73, 0.239, 0.02, label='0.02 N/m'r'$^{2}$', labelpos='E',
coordinates='figure') #quiver key on scale
ax1.coastlines(resolution='50m',color='black')
ax1.set_extent([-9.5,9,45,60])
ax1.set_title('(b)')
gl = ax1.gridlines(crs=ccrs.PlateCarree(), draw_labels=True,linewidth=1, color='lightgrey', alpha=0, linestyle='-')
gl.top_labels = gl.right_labels = gl.left_labels = False #don't label top and right axes
gl.xlabel_style = {'color': 'black','rotation':0}
gl.ylabel_style = {'color': 'black','rotation':0}
cax = fig.add_axes([0.529, .15, .312, .02])
fig.colorbar(im, cax=cax,orientation='horizontal',label='Wind-stress change [N/m'r'$^{2}$'']')
#fig.savefig(os.path.join(out_dir,'suppFigure1_annualmean_change_ssp585.pdf'),dpi=300)
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
18,
198,
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
37811,
198,
198,
2,
29487,
8739,
286,
34549,
1612,
5079,
1612,
288,
6649,
66,
290,
2344,
5503,
1487,
198,
198,
31,
9800,
25,
10811,
16221,
198,
37811,
198,
11748,
2124,
18747,
355,
2124,
81,
198,
11748,
2603,
29487,
8019,
13,
9078,
29487,
355,
458,
83,
198,
11748,
28686,
198,
11748,
299,
32152,
355,
45941,
198,
11748,
24714,
15699,
198,
11748,
269,
5908,
5829,
198,
11748,
6383,
11081,
13,
66,
3808,
355,
36624,
3808,
198,
11748,
2603,
29487,
8019,
198,
11748,
2603,
29487,
8019,
13,
2164,
2340,
43106,
355,
50000,
43106,
198,
6738,
21819,
62,
7959,
40356,
62,
6738,
62,
8424,
306,
62,
1326,
504,
1330,
21819,
62,
7959,
40356,
62,
6738,
62,
8424,
306,
62,
1326,
504,
198,
198,
489,
83,
13,
19836,
10786,
439,
11537,
198,
198,
824,
79,
796,
705,
824,
79,
38905,
6,
198,
259,
62,
15908,
796,
31051,
16598,
8139,
14,
26705,
321,
5439,
418,
14,
2725,
35,
62,
6601,
14,
24187,
4061,
21,
14,
1072,
11306,
62,
3262,
66,
7568,
82,
14,
6,
1303,
15414,
8619,
34549,
1366,
198,
448,
62,
15908,
796,
31051,
14490,
14,
490,
16221,
14,
38354,
14,
2725,
35,
14,
35645,
19,
62,
6230,
282,
14,
14989,
942,
6,
1303,
3003,
284,
3650,
262,
3785,
198,
19849,
62,
4868,
796,
1351,
7,
37659,
13,
5235,
6738,
14116,
10786,
14,
14490,
14,
490,
16221,
14,
38354,
14,
2725,
35,
14,
35645,
19,
62,
6230,
282,
14,
32750,
14,
5589,
4386,
62,
1072,
2022,
829,
14,
641,
62,
19849,
62,
4868,
62,
6,
10,
824,
79,
10,
4458,
14116,
3256,
67,
4906,
11639,
2536,
6,
4008,
198,
198,
8692,
19002,
796,
45941,
13,
283,
858,
7,
21908,
11,
4626,
8,
1303,
35790,
9574,
198,
69,
315,
19002,
796,
45941,
13,
283,
858,
7,
1238,
6659,
11,
2481,
486,
8,
198,
198,
2,
2220,
15304,
16449,
34549,
329,
21966,
1546,
357,
16,
87,
16,
8,
198,
47516,
274,
62,
9310,
796,
2124,
81,
13,
9654,
62,
19608,
292,
316,
7,
418,
13,
6978,
13,
22179,
7,
259,
62,
15908,
11,
22184,
15699,
13,
24455,
7,
418,
13,
4868,
15908,
7,
259,
62,
15908,
828,
366,
37925,
62,
24187,
4061,
21,
62,
824,
79,
38905,
62,
77,
2548,
62,
47516,
274,
62,
25641,
415,
62,
8770,
1886,
13,
10782,
4943,
58,
15,
60,
4008,
220,
220,
198,
47516,
274,
62,
9310,
796,
299,
86,
274,
62,
9310,
13,
741,
7,
19849,
28,
19849,
62,
4868,
8,
198,
47516,
274,
62,
9310,
796,
299,
86,
274,
62,
9310,
13,
36811,
7,
2435,
28,
37659,
13,
283,
858,
7,
1157,
11,
18938,
16,
4008,
1303,
9688,
287,
3426,
886,
287,
3389,
198,
198,
65,
10036,
796,
2124,
81,
13,
9654,
62,
19608,
292,
316,
10786,
14,
14490,
14,
490,
16221,
14,
38354,
14,
5841,
10809,
14,
33676,
50,
14,
3866,
36948,
14,
65,
10036,
41935,
14,
316,
404,
78,
16,
62,
3077,
10823,
62,
14261,
14157,
37567,
16,
13,
10782,
11537,
198,
198,
2,
1136,
21819,
35907,
198,
641,
62,
28241,
69,
62,
32604,
62,
272,
296,
11,
3140,
62,
73,
6592,
62,
32604,
62,
272,
296,
11,
3140,
62,
76,
321,
62,
32604,
62,
272,
296,
11,
3140,
62,
1559,
62,
32604,
62,
272,
296,
11,
3140,
62,
12501,
17,
37302,
62,
32604,
796,
21819,
62,
7959,
40356,
62,
6738,
62,
8424,
306,
62,
1326,
504,
7,
47516,
274,
62,
9310,
13,
37925,
8,
198,
641,
62,
12501,
17,
37302,
62,
32604,
62,
67,
796,
3140,
62,
12501,
17,
37302,
62,
32604,
532,
3140,
62,
12501,
17,
37302,
62,
32604,
13,
741,
7,
1941,
28,
8692,
19002,
737,
32604,
7,
27740,
11639,
1941,
11537,
2,
3803,
3585,
284,
2779,
2278,
198,
198,
2,
46012,
533,
1366,
329,
29353,
198,
22510,
15643,
796,
45941,
13,
16345,
7,
37659,
13,
4468,
9504,
7,
641,
62,
12501,
17,
37302,
62,
32604,
62,
67,
13,
36811,
7,
1941,
28,
15,
36911,
22704,
28,
15,
8,
1303,
1136,
1271,
286,
4981,
351,
9151,
1988,
329,
1123,
10706,
966,
198,
1084,
62,
22510,
796,
642,
198,
198,
64,
796,
3140,
62,
12501,
17,
37302,
62,
32604,
62,
67,
1303,
40078,
198,
64,
796,
257,
13,
3003,
7,
37659,
13,
4468,
9504,
7,
641,
62,
12501,
17,
37302,
62,
32604,
62,
67,
13,
741,
7,
1941,
28,
69,
315,
19002,
737,
32604,
7,
27740,
11639,
1941,
27691,
32604,
7,
27740,
11639,
19849,
3256,
48267,
2616,
28,
17821,
8,
15306,
1303,
27932,
810,
1017,
66,
29229,
198,
64,
796,
257,
13,
3003,
7,
22510,
15643,
29,
1084,
62,
22510,
12,
16,
8,
1303,
27932,
810,
5288,
1271,
286,
4981,
351,
9151,
1988,
407,
20672,
198,
198,
2,
2220,
2344,
5503,
198,
83,
14644,
62,
9310,
796,
2124,
81,
13,
9654,
62,
19608,
292,
316,
7,
418,
13,
6978,
13,
22179,
7,
259,
62,
15908,
11,
22184,
15699,
13,
24455,
7,
418,
13,
4868,
15908,
7,
259,
62,
15908,
828,
366,
83,
559,
84,
62,
24187,
4061,
21,
62,
824,
79,
38905,
62,
77,
2091,
62,
47516,
274,
62,
25641,
415,
62,
8770,
1886,
13,
10782,
4943,
58,
15,
60,
4008,
198,
83,
14644,
62,
9310,
796,
256,
14644,
62,
9310,
13,
36811,
7,
2435,
28,
37659,
13,
283,
858,
7,
1157,
10,
17464,
9,
1065,
11,
18938,
16,
4008,
198,
83,
14644,
62,
9310,
796,
256,
14644,
62,
9310,
13,
741,
7,
19849,
28,
19849,
62,
4868,
8,
198,
83,
14644,
62,
9310,
796,
256,
14644,
62,
9310,
13,
3003,
7,
22510,
15643,
29,
1084,
62,
22510,
12,
16,
8,
1303,
39014,
9335,
422,
1976,
418,
198,
198,
83,
14644,
62,
9310,
13,
1073,
3669,
17816,
14995,
20520,
796,
14808,
83,
14644,
62,
9310,
13,
1073,
3669,
17816,
14995,
20520,
1343,
11546,
8,
4064,
11470,
8,
532,
11546,
1303,
37150,
1088,
657,
198,
83,
14644,
62,
9310,
796,
256,
14644,
62,
9310,
13,
260,
9630,
15090,
705,
14995,
6,
1058,
45941,
13,
30619,
7,
83,
14644,
62,
9310,
17816,
14995,
6,
12962,
30072,
198,
198,
4666,
72,
796,
45941,
13,
3003,
7,
37659,
13,
45763,
7,
83,
14644,
62,
9310,
13,
19849,
13,
27160,
17414,
6,
34,
11015,
44,
3256,
705,
24187,
4093,
12,
24187,
17,
12,
12562,
20,
3256,
705,
24187,
4093,
12,
1546,
44,
17,
3256,
705,
34,
1921,
12,
1546,
44,
17,
12,
15,
3256,
705,
37,
9399,
12,
1546,
44,
12,
17,
12,
15,
20520,
4008,
58,
15,
60,
1303,
23211,
3967,
7421,
904,
198,
83,
14644,
62,
9310,
17816,
83,
559,
84,
6,
7131,
4666,
72,
11,
22345,
796,
532,
16,
9,
83,
14644,
62,
9310,
17816,
83,
559,
84,
6,
7131,
4666,
72,
11,
22345,
1303,
3803,
1051,
198,
83,
14644,
62,
28241,
69,
62,
32604,
62,
272,
296,
11,
256,
14644,
62,
73,
6592,
62,
32604,
62,
272,
296,
11,
256,
14644,
62,
76,
321,
62,
32604,
62,
272,
296,
11,
256,
14644,
62,
1559,
62,
32604,
62,
272,
296,
11,
256,
14644,
62,
12501,
17,
37302,
62,
32604,
796,
21819,
62,
7959,
40356,
62,
6738,
62,
8424,
306,
62,
1326,
504,
7,
83,
14644,
62,
9310,
13,
83,
559,
84,
8,
198,
198,
2,
9654,
34549,
27039,
2344,
5503,
331,
198,
83,
559,
88,
62,
9310,
796,
2124,
81,
13,
9654,
62,
19608,
292,
316,
7,
418,
13,
6978,
13,
22179,
7,
259,
62,
15908,
11,
22184,
15699,
13,
24455,
7,
418,
13,
4868,
15908,
7,
259,
62,
15908,
828,
366,
83,
559,
85,
62,
24187,
4061,
21,
62,
824,
79,
38905,
62,
77,
2091,
62,
47516,
274,
62,
25641,
415,
62,
8770,
1886,
13,
10782,
4943,
58,
15,
60,
4008,
198,
83,
559,
88,
62,
9310,
796,
256,
559,
88,
62,
9310,
13,
36811,
7,
2435,
28,
37659,
13,
283,
858,
7,
1157,
10,
17464,
9,
1065,
11,
18938,
16,
4008,
198,
83,
559,
88,
62,
9310,
796,
256,
559,
88,
62,
9310,
13,
741,
7,
19849,
28,
19849,
62,
4868,
8,
198,
83,
559,
88,
62,
9310,
796,
256,
559,
88,
62,
9310,
13,
3003,
7,
22510,
15643,
29,
1084,
62,
22510,
12,
16,
8,
1303,
39014,
9335,
422,
1976,
418,
198,
198,
83,
559,
88,
62,
9310,
13,
1073,
3669,
17816,
14995,
20520,
796,
14808,
83,
559,
88,
62,
9310,
13,
1073,
3669,
17816,
14995,
20520,
1343,
11546,
8,
4064,
11470,
8,
532,
11546,
1303,
37150,
1088,
657,
198,
83,
559,
88,
62,
9310,
796,
256,
559,
88,
62,
9310,
13,
260,
9630,
15090,
705,
14995,
6,
1058,
45941,
13,
30619,
7,
83,
559,
88,
62,
9310,
17816,
14995,
6,
12962,
30072,
198,
198,
4666,
72,
796,
45941,
13,
3003,
7,
37659,
13,
45763,
7,
83,
559,
88,
62,
9310,
13,
19849,
13,
27160,
17414,
6,
34,
11015,
44,
3256,
705,
24187,
4093,
12,
24187,
17,
12,
12562,
20,
3256,
705,
24187,
4093,
12,
1546,
44,
17,
3256,
705,
34,
1921,
12,
1546,
44,
17,
12,
15,
3256,
705,
37,
9399,
12,
1546,
44,
12,
17,
12,
15,
20520,
4008,
58,
15,
60,
198,
83,
559,
88,
62,
9310,
17816,
83,
559,
85,
6,
7131,
4666,
72,
11,
22345,
796,
532,
16,
9,
83,
559,
88,
62,
9310,
17816,
83,
559,
85,
6,
7131,
4666,
72,
11,
22345,
198,
83,
559,
88,
62,
28241,
69,
62,
32604,
62,
272,
296,
11,
256,
559,
88,
62,
73,
6592,
62,
32604,
62,
272,
296,
11,
256,
559,
88,
62,
76,
321,
62,
32604,
62,
272,
296,
11,
256,
559,
88,
62,
1559,
62,
32604,
62,
272,
296,
11,
256,
559,
88,
62,
12501,
17,
37302,
62,
32604,
796,
21819,
62,
7959,
40356,
62,
6738,
62,
8424,
306,
62,
1326,
504,
7,
83,
559,
88,
62,
9310,
13,
83,
559,
85,
8,
198,
198,
2,
9948,
3129,
378,
1487,
2003,
3585,
284,
14805,
198,
83,
14644,
62,
12501,
17,
37302,
62,
32604,
62,
67,
796,
256,
14644,
62,
12501,
17,
37302,
62,
32604,
13,
741,
7,
1941,
28,
69,
315,
19002,
737,
32604,
7,
27740,
11639,
1941,
11537,
532,
256,
14644,
62,
12501,
17,
37302,
62,
32604,
13,
741,
7,
1941,
28,
8692,
19002,
737,
32604,
7,
27740,
11639,
1941,
11537,
198,
83,
559,
88,
62,
12501,
17,
37302,
62,
32604,
62,
67,
796,
256,
559,
88,
62,
12501,
17,
37302,
62,
32604,
13,
741,
7,
1941,
28,
69,
315,
19002,
737,
32604,
7,
27740,
11639,
1941,
11537,
532,
256,
559,
88,
62,
12501,
17,
37302,
62,
32604,
13,
741,
7,
1941,
28,
8692,
19002,
737,
32604,
7,
27740,
11639,
1941,
11537,
198,
198,
4242,
29487,
889,
198,
1820,
62,
66,
8899,
796,
269,
5908,
5829,
13,
11215,
13,
20427,
1303,
18487,
5623,
951,
579,
499,
198,
1820,
62,
66,
8899,
13,
2617,
62,
14774,
10786,
49502,
11537,
198,
198,
5647,
28,
489,
83,
13,
26875,
7,
5647,
7857,
16193,
23,
11,
20,
4008,
220,
220,
220,
198,
14542,
796,
2336,
13,
2860,
62,
2164,
2340,
43106,
7,
16,
11,
17,
8,
198,
14542,
13,
19119,
7,
71,
13200,
796,
657,
13,
2425,
11,
86,
13200,
28,
15,
13,
18,
11,
3506,
28,
13,
5705,
11,
4852,
28,
13,
3865,
11,
22487,
28,
13,
2713,
8,
198,
198,
2,
1236,
723,
1612,
1017,
66,
198,
897,
18,
796,
458,
83,
13,
7266,
29487,
7,
14542,
58,
15,
11,
15,
4357,
20128,
28,
535,
3808,
13,
5574,
400,
6826,
7,
15,
11,
2026,
4008,
1303,
31803,
198,
79,
16193,
3064,
9,
64,
737,
741,
7,
1941,
28,
69,
315,
19002,
737,
32604,
7,
27740,
11639,
1941,
27691,
32604,
7,
27740,
11639,
19849,
27691,
29487,
7,
35636,
28,
535,
3808,
13,
3646,
378,
9914,
631,
22784,
897,
28,
897,
18,
11,
85,
1084,
10779,
1495,
11,
85,
9806,
28,
1495,
11,
66,
8899,
28,
1820,
62,
66,
8899,
11,
2860,
62,
8043,
5657,
28,
25101,
8,
198,
79,
13,
2617,
62,
14907,
8043,
10786,
2550,
11537,
1303,
27080,
2330,
3951,
287,
37124,
14837,
198,
198,
65,
10036,
13,
31407,
16,
13,
29487,
13,
3642,
454,
7,
35636,
28,
535,
3808,
13,
3646,
378,
9914,
631,
22784,
897,
28,
897,
18,
11,
46170,
41888,
12,
2167,
4357,
4033,
669,
28,
17816,
11186,
6,
4357,
2860,
62,
8043,
5657,
28,
25101,
8,
1303,
7091,
1652,
2270,
198,
897,
18,
13,
1073,
459,
6615,
7,
29268,
11639,
1120,
76,
3256,
8043,
11639,
13424,
3256,
2815,
413,
5649,
28,
16,
8,
198,
198,
4743,
796,
7877,
18,
13,
25928,
6615,
7,
66,
3808,
28,
535,
3808,
13,
3646,
378,
9914,
631,
22784,
3197,
62,
23912,
1424,
28,
17821,
11,
2815,
413,
5649,
28,
16,
11,
3124,
11639,
2971,
49502,
3256,
17130,
28,
15,
11,
9493,
10992,
11639,
12,
11537,
198,
4743,
13,
4852,
62,
23912,
1424,
796,
1278,
13,
3506,
62,
23912,
1424,
796,
10352,
1303,
9099,
470,
6167,
1353,
290,
826,
34197,
198,
4743,
13,
87,
18242,
62,
7635,
796,
1391,
6,
8043,
10354,
705,
13424,
41707,
10599,
341,
10354,
15,
92,
198,
4743,
13,
2645,
9608,
62,
7635,
796,
1391,
6,
8043,
10354,
705,
13424,
41707,
10599,
341,
10354,
15,
92,
198,
198,
897,
18,
13,
2617,
62,
2302,
298,
26933,
12,
24,
13,
20,
11,
24,
11,
2231,
11,
1899,
12962,
1303,
2617,
890,
3984,
1222,
32477,
6287,
198,
897,
18,
13,
2617,
62,
7839,
10786,
7,
64,
8,
11537,
1303,
7266,
29487,
3670,
198,
198,
66,
897,
796,
2336,
13,
2860,
62,
897,
274,
26933,
15,
13,
11623,
11,
764,
1314,
11,
764,
27970,
11,
764,
2999,
12962,
198,
5647,
13,
8043,
5657,
7,
79,
11,
269,
897,
28,
66,
897,
11,
13989,
341,
11639,
17899,
38342,
3256,
18242,
11639,
50,
5639,
685,
11215,
60,
11537,
198,
198,
2,
1236,
723,
1612,
2344,
12,
41494,
1487,
198,
1820,
62,
66,
8899,
796,
269,
5908,
5829,
13,
11215,
13,
11498,
7501,
198,
1820,
62,
66,
8899,
13,
2617,
62,
14774,
10786,
49502,
11537,
198,
8937,
62,
67,
796,
45941,
13,
31166,
17034,
7,
83,
14644,
62,
12501,
17,
37302,
62,
32604,
62,
67,
13,
32604,
7,
27740,
11639,
19849,
11537,
1174,
17,
10,
83,
559,
88,
62,
12501,
17,
37302,
62,
32604,
62,
67,
13,
32604,
7,
27740,
11639,
19849,
11537,
1174,
17,
8,
1303,
48546,
1487,
198,
897,
16,
796,
458,
83,
13,
7266,
29487,
7,
14542,
58,
15,
11,
16,
4357,
20128,
28,
535,
3808,
13,
5574,
400,
6826,
7,
15,
11,
2026,
4008,
1303,
31803,
198,
198,
320,
796,
2352,
62,
67,
13,
29487,
7,
35636,
28,
535,
3808,
13,
3646,
378,
9914,
631,
22784,
897,
28,
897,
16,
11,
85,
1084,
28,
15,
11,
85,
9806,
28,
13,
3070,
11,
66,
8899,
28,
1820,
62,
66,
8899,
11,
2860,
62,
8043,
5657,
28,
25101,
8,
198,
65,
10036,
13,
31407,
16,
13,
29487,
13,
3642,
454,
7,
35636,
28,
535,
3808,
13,
3646,
378,
9914,
631,
22784,
897,
28,
897,
16,
11,
46170,
41888,
12,
2167,
4357,
4033,
669,
28,
17816,
11186,
6,
4357,
2860,
62,
8043,
5657,
28,
25101,
8,
198,
320,
13,
2617,
62,
14907,
8043,
10786,
2550,
11537,
1303,
27080,
13216,
10223,
1022,
10706,
4778,
618,
14837,
198,
87,
28,
83,
14644,
62,
28241,
69,
62,
32604,
62,
272,
296,
13,
14995,
13,
27160,
1303,
421,
1191,
198,
88,
28,
83,
14644,
62,
28241,
69,
62,
32604,
62,
272,
296,
13,
15460,
13,
27160,
198,
84,
796,
256,
14644,
62,
12501,
17,
37302,
62,
32604,
62,
67,
13,
32604,
7,
27740,
11639,
19849,
27691,
27160,
198,
85,
796,
256,
559,
88,
62,
12501,
17,
37302,
62,
32604,
62,
67,
13,
32604,
7,
27740,
11639,
19849,
27691,
27160,
198,
80,
28,
897,
16,
13,
421,
1428,
7,
87,
11,
88,
11,
84,
11,
85,
11,
35636,
28,
535,
3808,
13,
3646,
378,
9914,
631,
22784,
9888,
28,
13,
17,
11,
8043,
11639,
13424,
3256,
10394,
28,
13,
25816,
11,
14907,
4033,
669,
11639,
74,
3256,
89,
2875,
28,
20,
8,
220,
220,
220,
198,
80,
74,
796,
7877,
16,
13,
421,
1428,
2539,
7,
80,
11,
657,
13,
4790,
11,
657,
13,
23516,
11,
657,
13,
2999,
11,
6167,
11639,
15,
13,
2999,
399,
14,
76,
6,
81,
6,
3,
36796,
17,
92,
3,
3256,
6167,
1930,
11639,
36,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
22715,
11639,
26875,
11537,
1303,
421,
1428,
1994,
319,
5046,
198,
220,
220,
220,
220,
198,
897,
16,
13,
1073,
459,
6615,
7,
29268,
11639,
1120,
76,
3256,
8043,
11639,
13424,
11537,
198,
897,
16,
13,
2617,
62,
2302,
298,
26933,
12,
24,
13,
20,
11,
24,
11,
2231,
11,
1899,
12962,
198,
897,
16,
13,
2617,
62,
7839,
10786,
7,
65,
8,
11537,
198,
198,
4743,
796,
7877,
16,
13,
25928,
6615,
7,
66,
3808,
28,
535,
3808,
13,
3646,
378,
9914,
631,
22784,
3197,
62,
23912,
1424,
28,
17821,
11,
2815,
413,
5649,
28,
16,
11,
3124,
11639,
2971,
49502,
3256,
17130,
28,
15,
11,
9493,
10992,
11639,
12,
11537,
198,
4743,
13,
4852,
62,
23912,
1424,
796,
1278,
13,
3506,
62,
23912,
1424,
796,
1278,
13,
9464,
62,
23912,
1424,
796,
10352,
1303,
9099,
470,
6167,
1353,
290,
826,
34197,
198,
4743,
13,
87,
18242,
62,
7635,
796,
1391,
6,
8043,
10354,
705,
13424,
41707,
10599,
341,
10354,
15,
92,
198,
4743,
13,
2645,
9608,
62,
7635,
796,
1391,
6,
8043,
10354,
705,
13424,
41707,
10599,
341,
10354,
15,
92,
198,
66,
897,
796,
2336,
13,
2860,
62,
897,
274,
26933,
15,
13,
49721,
11,
764,
1314,
11,
764,
27970,
11,
764,
2999,
12962,
198,
5647,
13,
8043,
5657,
7,
320,
11,
269,
897,
28,
66,
897,
11,
13989,
341,
11639,
17899,
38342,
3256,
18242,
11639,
8731,
12,
41494,
1487,
685,
45,
14,
76,
6,
81,
6,
3,
36796,
17,
92,
3,
7061,
60,
11537,
198,
198,
2,
5647,
13,
21928,
5647,
7,
418,
13,
6978,
13,
22179,
7,
448,
62,
15908,
4032,
18608,
11337,
16,
62,
1236,
723,
32604,
62,
3803,
62,
824,
79,
38905,
13,
12315,
33809,
67,
14415,
28,
6200,
8,
198
] | 2.290463 | 2,978 |
import pytest
from src.conanbuilder.signature import Signature
@pytest.fixture
| [
11748,
12972,
9288,
198,
6738,
12351,
13,
1102,
272,
38272,
13,
12683,
1300,
1330,
34894,
628,
198,
31,
9078,
9288,
13,
69,
9602,
628,
628,
628,
198
] | 3.222222 | 27 |
import torch
import torch.nn
from models.blocks import *
| [
11748,
28034,
198,
11748,
28034,
13,
20471,
198,
6738,
4981,
13,
27372,
1330,
1635,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198
] | 2.5 | 28 |
#!/usr/bin/env python
import os
from typing import Any
import pytest
import tcod as libtcod
@pytest.mark.filterwarnings("ignore")
if __name__ == "__main__":
test_parser()
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
198,
198,
11748,
28686,
198,
6738,
19720,
1330,
4377,
198,
198,
11748,
12972,
9288,
198,
198,
11748,
256,
19815,
355,
9195,
83,
19815,
628,
198,
31,
9078,
9288,
13,
4102,
13,
24455,
40539,
654,
7203,
46430,
4943,
628,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
198,
220,
220,
220,
1332,
62,
48610,
3419,
198
] | 2.757576 | 66 |
# Copyright (c) 2019-present, HuggingFace Inc.
# All rights reserved. This source code is licensed under the BSD-style license found in the
# LICENSE file in the root directory of this source tree.
import json
import logging
import os
import tarfile
import tempfile
import torch
from pytorch_pretrained_bert import cached_path
from collections import defaultdict
PERSONACHAT_URL = "https://s3.amazonaws.com/datasets.huggingface.co/personachat/personachat_self_original.json"
HF_FINETUNED_MODEL = "https://s3.amazonaws.com/models.huggingface.co/transfer-learning-chatbot/finetuned_chatbot_gpt.tar.gz"
logger = logging.getLogger(__file__)
SPECIAL_TOKENS = ["<bos>", "<eos>", "<speaker1>", "<speaker2>", "<pad>"]
QN_WORDS = ['who', 'what', 'where', 'why', 'when', 'how', 'which', 'whom', 'whose', '?']
lm_special_tokens = ['_start_', '_delimiter_', '_classify_']
def download_pretrained_model():
""" Download and extract finetuned model from S3 """
resolved_archive_file = cached_path(HF_FINETUNED_MODEL,cache_dir='./cache/')
tempdir = tempfile.mkdtemp()
logger.info("extracting archive file {} to temp dir {}".format(resolved_archive_file, tempdir))
with tarfile.open(resolved_archive_file, 'r:gz') as archive:
archive.extractall(tempdir)
return tempdir
def get_dataset(tokenizer, dataset_path, dataset_cache=None):
""" Get PERSONACHAT from S3 """
dataset_path = dataset_path or PERSONACHAT_URL
dataset_cache = dataset_cache + '_' + type(tokenizer).__name__ # Do avoid using GPT cache for GPT-2 and vice-versa
if dataset_cache and os.path.isfile(dataset_cache):
logger.info("Load tokenized dataset from cache at %s", dataset_cache)
dataset = torch.load(dataset_cache)
else:
logger.info("Download dataset from %s", dataset_path)
personachat_file = cached_path(dataset_path,cache_dir='./cache/')
# personachat_file = cached_path(dataset_path, cache_dir='../../.pytorch_pretrained_bert')
with open(personachat_file, "r", encoding="utf-8") as f:
dataset = json.loads(f.read())
logger.info("Tokenize and encode the dataset")
dataset = tokenize(dataset)
if dataset_cache:
torch.save(dataset, dataset_cache)
# FIXME: only for testing, delete later:
'''
dataset['train'] = dataset['train'][:1]
while len(dataset['train'][0]['utterances']) != 1:
dataset['train'][0]['utterances'].pop()
# dataset['valid'] = dataset['valid'][:1]
dataset['valid'] = dataset['train']
'''
dataset['train'] = dataset['train'][:int(len(dataset['train'])*0.9)]
# dataset['train'] = dataset['train'][:int(len(dataset['train']) * 0.1)]
# train_len = int(len(dataset['train']) * 0.9)
# dataset['train'] = dataset['train'][int(len(dataset['train']) * 0.9):]
# dataset['train'] = dataset['train'][: 1]
dataset['valid'] = dataset['valid'][: 1] # 这里不要乱改啊!!!
# dataset['train'] = dataset['train'][:int(len(dataset['train'])*0.9)]
# dataset['dev'] = dataset['train'][int(len(dataset['train']) * 0.9):]
personachat_file = cached_path(dataset_path,cache_dir='./cache/')
# personachat_file = cached_path(dataset_path, cache_dir='../../.pytorch_pretrained_bert')
with open(personachat_file, "r", encoding="utf-8") as f:
org_dataset = json.loads(f.read())
# org_dataset_tmp = org_dataset['train'][train_len:]
# personas = defaultdict(list)
for dataset_name in org_dataset:
for i, dialogue in enumerate(org_dataset[dataset_name]):
if i >= len(dataset[dataset_name]):
break
dataset[dataset_name][i]['persona_org'] = dialogue['personality'].copy()
'''
for _ in range(len(dialogue['utterances'])):
personas[dataset_name].append(dialogue['personality'])
'''
return dataset
def get_dataset_personalities(tokenizer, dataset_path, dataset_cache=None):
""" Get personalities from PERSONACHAT """
dataset_path = dataset_path or PERSONACHAT_URL
dataset_cache = dataset_cache + '_' + type(tokenizer).__name__ # Do avoid using GPT cache for GPT-2 and vice-versa
if os.path.isfile(dataset_cache):
logger.info("Load tokenized dataset from cache at %s", dataset_cache)
personachat = torch.load(dataset_cache)
else:
logger.info("Download PERSONACHAT dataset from %s", dataset_path)
personachat_file = cached_path(dataset_path,cache_dir='./cache/')
with open(personachat_file, "r", encoding="utf-8") as f:
personachat = json.loads(f.read())
print(personachat)
logger.info("Tokenize and encode the dataset")
personachat = tokenize(personachat)
torch.save(personachat, dataset_cache)
logger.info("Filter personalities")
personalities = []
for dataset in personachat.values():
for dialog in dataset:
personalities.append(dialog["personality"])
logger.info("Gathered {} personalities".format(len(personalities)))
return personalities
def build_input_from_segments(persona, history, reply, tokenizer, lm_labels=False, with_eos=True):
""" Build a sequence of input from 3 segments: persona, history and last reply """
bos, eos, speaker1, speaker2 = tokenizer.convert_tokens_to_ids(SPECIAL_TOKENS[:-1])
# YW: speaker1 is user
instance = {}
sequence = [[bos] + list(chain(*persona))] + history + [reply + ([eos] if with_eos else [])]
sequence = [sequence[0]] + [[speaker2 if (len(sequence)-i) % 2 else speaker1] + s for i, s in enumerate(sequence[1:])] # YW: add speaker infomation
instance["input_ids"] = list(chain(*sequence)) # YW: concat all the context
instance["token_type_ids"] = [speaker2 if i % 2 else speaker1 for i, s in enumerate(sequence) for _ in s] # YW: TODO: persona is speaker1?
instance["mc_token_ids"] = len(instance["input_ids"]) - 1
instance["lm_labels"] = [-1] * len(instance["input_ids"]) # YW: all -1 (mask?) -> because it's not the right candidate(label)!
if lm_labels: # YW: if it's label
instance["lm_labels"] = ([-1] * sum(len(s) for s in sequence[:-1])) + [-1] + sequence[-1][1:]
return instance, sequence | [
2,
15069,
357,
66,
8,
13130,
12,
25579,
11,
12905,
2667,
32388,
3457,
13,
198,
2,
1439,
2489,
10395,
13,
770,
2723,
2438,
318,
11971,
739,
262,
347,
10305,
12,
7635,
5964,
1043,
287,
262,
198,
2,
38559,
24290,
2393,
287,
262,
6808,
8619,
286,
428,
2723,
5509,
13,
198,
11748,
33918,
198,
11748,
18931,
198,
11748,
28686,
198,
11748,
13422,
7753,
198,
11748,
20218,
7753,
198,
198,
11748,
28034,
198,
198,
6738,
12972,
13165,
354,
62,
5310,
13363,
62,
4835,
1330,
39986,
62,
6978,
198,
6738,
17268,
1330,
4277,
11600,
198,
198,
47,
29086,
16219,
1404,
62,
21886,
796,
366,
5450,
1378,
82,
18,
13,
33103,
8356,
13,
785,
14,
19608,
292,
1039,
13,
71,
1018,
2667,
2550,
13,
1073,
14,
6259,
620,
265,
14,
6259,
620,
265,
62,
944,
62,
14986,
13,
17752,
1,
198,
29567,
62,
20032,
2767,
4944,
1961,
62,
33365,
3698,
796,
366,
5450,
1378,
82,
18,
13,
33103,
8356,
13,
785,
14,
27530,
13,
71,
1018,
2667,
2550,
13,
1073,
14,
39437,
12,
40684,
12,
17006,
13645,
14,
15643,
316,
40881,
62,
17006,
13645,
62,
70,
457,
13,
18870,
13,
34586,
1,
198,
198,
6404,
1362,
796,
18931,
13,
1136,
11187,
1362,
7,
834,
7753,
834,
8,
198,
198,
48451,
12576,
62,
10468,
42,
16938,
796,
14631,
27,
39565,
29,
1600,
33490,
68,
418,
29,
1600,
33490,
4125,
3110,
16,
29,
1600,
33490,
4125,
3110,
17,
29,
1600,
33490,
15636,
29,
8973,
198,
48,
45,
62,
45359,
5258,
796,
37250,
8727,
3256,
705,
10919,
3256,
705,
3003,
3256,
705,
22850,
3256,
705,
12518,
3256,
705,
4919,
3256,
705,
4758,
3256,
705,
1929,
296,
3256,
705,
38159,
3256,
705,
8348,
60,
198,
75,
76,
62,
20887,
62,
83,
482,
641,
796,
37250,
62,
9688,
62,
3256,
705,
62,
12381,
320,
2676,
62,
3256,
705,
62,
4871,
1958,
62,
20520,
198,
198,
4299,
4321,
62,
5310,
13363,
62,
19849,
33529,
198,
220,
220,
220,
37227,
10472,
290,
7925,
957,
316,
40881,
2746,
422,
311,
18,
37227,
198,
220,
220,
220,
12939,
62,
17474,
62,
7753,
796,
39986,
62,
6978,
7,
29567,
62,
20032,
2767,
4944,
1961,
62,
33365,
3698,
11,
23870,
62,
15908,
28,
4458,
14,
23870,
14,
11537,
198,
220,
220,
220,
20218,
15908,
796,
20218,
7753,
13,
28015,
67,
29510,
3419,
628,
220,
220,
220,
49706,
13,
10951,
7203,
2302,
974,
278,
15424,
2393,
23884,
284,
20218,
26672,
23884,
1911,
18982,
7,
411,
5634,
62,
17474,
62,
7753,
11,
20218,
15908,
4008,
198,
220,
220,
220,
351,
13422,
7753,
13,
9654,
7,
411,
5634,
62,
17474,
62,
7753,
11,
705,
81,
25,
34586,
11537,
355,
15424,
25,
198,
220,
220,
220,
220,
220,
220,
220,
15424,
13,
2302,
974,
439,
7,
29510,
15908,
8,
198,
220,
220,
220,
1441,
20218,
15908,
628,
198,
4299,
651,
62,
19608,
292,
316,
7,
30001,
7509,
11,
27039,
62,
6978,
11,
27039,
62,
23870,
28,
14202,
2599,
198,
220,
220,
220,
37227,
3497,
46740,
16219,
1404,
422,
311,
18,
37227,
198,
220,
220,
220,
27039,
62,
6978,
796,
27039,
62,
6978,
393,
46740,
16219,
1404,
62,
21886,
198,
220,
220,
220,
27039,
62,
23870,
796,
27039,
62,
23870,
1343,
705,
62,
6,
1343,
2099,
7,
30001,
7509,
737,
834,
3672,
834,
220,
1303,
2141,
3368,
1262,
402,
11571,
12940,
329,
402,
11571,
12,
17,
290,
7927,
12,
690,
64,
198,
220,
220,
220,
611,
27039,
62,
23870,
290,
28686,
13,
6978,
13,
4468,
576,
7,
19608,
292,
316,
62,
23870,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
10951,
7203,
8912,
11241,
1143,
27039,
422,
12940,
379,
4064,
82,
1600,
27039,
62,
23870,
8,
198,
220,
220,
220,
220,
220,
220,
220,
27039,
796,
28034,
13,
2220,
7,
19608,
292,
316,
62,
23870,
8,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
10951,
7203,
10002,
27039,
422,
4064,
82,
1600,
27039,
62,
6978,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1048,
620,
265,
62,
7753,
796,
39986,
62,
6978,
7,
19608,
292,
316,
62,
6978,
11,
23870,
62,
15908,
28,
4458,
14,
23870,
14,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
1048,
620,
265,
62,
7753,
796,
39986,
62,
6978,
7,
19608,
292,
316,
62,
6978,
11,
12940,
62,
15908,
11639,
40720,
492,
11757,
9078,
13165,
354,
62,
5310,
13363,
62,
4835,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
351,
1280,
7,
6259,
620,
265,
62,
7753,
11,
366,
81,
1600,
21004,
2625,
40477,
12,
23,
4943,
355,
277,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
27039,
796,
33918,
13,
46030,
7,
69,
13,
961,
28955,
628,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
10951,
7203,
30642,
1096,
290,
37773,
262,
27039,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
27039,
796,
11241,
1096,
7,
19608,
292,
316,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
27039,
62,
23870,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
28034,
13,
21928,
7,
19608,
292,
316,
11,
27039,
62,
23870,
8,
198,
220,
220,
220,
1303,
44855,
11682,
25,
691,
329,
4856,
11,
12233,
1568,
25,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
27039,
17816,
27432,
20520,
796,
27039,
17816,
27432,
6,
7131,
25,
16,
60,
198,
220,
220,
220,
981,
18896,
7,
19608,
292,
316,
17816,
27432,
6,
7131,
15,
7131,
6,
10381,
1817,
6,
12962,
14512,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
27039,
17816,
27432,
6,
7131,
15,
7131,
6,
10381,
1817,
6,
4083,
12924,
3419,
198,
220,
220,
220,
1303,
27039,
17816,
12102,
20520,
796,
27039,
17816,
12102,
6,
7131,
25,
16,
60,
198,
220,
220,
220,
27039,
17816,
12102,
20520,
796,
27039,
17816,
27432,
20520,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
27039,
17816,
27432,
20520,
796,
27039,
17816,
27432,
6,
7131,
25,
600,
7,
11925,
7,
19608,
292,
316,
17816,
27432,
6,
12962,
9,
15,
13,
24,
15437,
198,
220,
220,
220,
1303,
27039,
17816,
27432,
20520,
796,
27039,
17816,
27432,
6,
7131,
25,
600,
7,
11925,
7,
19608,
292,
316,
17816,
27432,
6,
12962,
1635,
657,
13,
16,
15437,
628,
220,
220,
220,
1303,
4512,
62,
11925,
796,
493,
7,
11925,
7,
19608,
292,
316,
17816,
27432,
6,
12962,
1635,
657,
13,
24,
8,
198,
220,
220,
220,
1303,
27039,
17816,
27432,
20520,
796,
27039,
17816,
27432,
6,
7131,
600,
7,
11925,
7,
19608,
292,
316,
17816,
27432,
6,
12962,
1635,
657,
13,
24,
2599,
60,
628,
220,
220,
220,
1303,
27039,
17816,
27432,
20520,
796,
27039,
17816,
27432,
6,
7131,
25,
352,
60,
198,
220,
220,
220,
27039,
17816,
12102,
20520,
796,
27039,
17816,
12102,
6,
7131,
25,
352,
60,
220,
220,
1303,
5525,
123,
247,
34932,
234,
38834,
17358,
223,
20046,
109,
162,
242,
117,
161,
243,
232,
171,
120,
223,
171,
120,
223,
171,
120,
223,
198,
220,
220,
220,
1303,
27039,
17816,
27432,
20520,
796,
27039,
17816,
27432,
6,
7131,
25,
600,
7,
11925,
7,
19608,
292,
316,
17816,
27432,
6,
12962,
9,
15,
13,
24,
15437,
198,
220,
220,
220,
1303,
27039,
17816,
7959,
20520,
796,
27039,
17816,
27432,
6,
7131,
600,
7,
11925,
7,
19608,
292,
316,
17816,
27432,
6,
12962,
1635,
657,
13,
24,
2599,
60,
628,
220,
220,
220,
1048,
620,
265,
62,
7753,
796,
39986,
62,
6978,
7,
19608,
292,
316,
62,
6978,
11,
23870,
62,
15908,
28,
4458,
14,
23870,
14,
11537,
198,
220,
220,
220,
1303,
1048,
620,
265,
62,
7753,
796,
39986,
62,
6978,
7,
19608,
292,
316,
62,
6978,
11,
12940,
62,
15908,
11639,
40720,
492,
11757,
9078,
13165,
354,
62,
5310,
13363,
62,
4835,
11537,
198,
220,
220,
220,
351,
1280,
7,
6259,
620,
265,
62,
7753,
11,
366,
81,
1600,
21004,
2625,
40477,
12,
23,
4943,
355,
277,
25,
198,
220,
220,
220,
220,
220,
220,
220,
8745,
62,
19608,
292,
316,
796,
33918,
13,
46030,
7,
69,
13,
961,
28955,
198,
220,
220,
220,
1303,
8745,
62,
19608,
292,
316,
62,
22065,
796,
8745,
62,
19608,
292,
316,
17816,
27432,
6,
7131,
27432,
62,
11925,
47715,
198,
220,
220,
220,
1303,
1048,
292,
796,
4277,
11600,
7,
4868,
8,
198,
220,
220,
220,
329,
27039,
62,
3672,
287,
8745,
62,
19608,
292,
316,
25,
198,
220,
220,
220,
220,
220,
220,
220,
329,
1312,
11,
10721,
287,
27056,
378,
7,
2398,
62,
19608,
292,
316,
58,
19608,
292,
316,
62,
3672,
60,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1312,
18189,
18896,
7,
19608,
292,
316,
58,
19608,
292,
316,
62,
3672,
60,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2270,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
27039,
58,
19608,
292,
316,
62,
3672,
7131,
72,
7131,
6,
6259,
64,
62,
2398,
20520,
796,
10721,
17816,
6259,
1483,
6,
4083,
30073,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
4808,
287,
2837,
7,
11925,
7,
38969,
5119,
17816,
10381,
1817,
6,
12962,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1048,
292,
58,
19608,
292,
316,
62,
3672,
4083,
33295,
7,
38969,
5119,
17816,
6259,
1483,
6,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
1441,
27039,
198,
198,
4299,
651,
62,
19608,
292,
316,
62,
22682,
871,
7,
30001,
7509,
11,
27039,
62,
6978,
11,
27039,
62,
23870,
28,
14202,
2599,
198,
220,
220,
220,
37227,
3497,
20929,
422,
46740,
16219,
1404,
37227,
198,
220,
220,
220,
27039,
62,
6978,
796,
27039,
62,
6978,
393,
46740,
16219,
1404,
62,
21886,
198,
220,
220,
220,
27039,
62,
23870,
796,
27039,
62,
23870,
1343,
705,
62,
6,
1343,
2099,
7,
30001,
7509,
737,
834,
3672,
834,
220,
1303,
2141,
3368,
1262,
402,
11571,
12940,
329,
402,
11571,
12,
17,
290,
7927,
12,
690,
64,
198,
220,
220,
220,
611,
28686,
13,
6978,
13,
4468,
576,
7,
19608,
292,
316,
62,
23870,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
10951,
7203,
8912,
11241,
1143,
27039,
422,
12940,
379,
4064,
82,
1600,
27039,
62,
23870,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1048,
620,
265,
796,
28034,
13,
2220,
7,
19608,
292,
316,
62,
23870,
8,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
10951,
7203,
10002,
46740,
16219,
1404,
27039,
422,
4064,
82,
1600,
27039,
62,
6978,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1048,
620,
265,
62,
7753,
796,
39986,
62,
6978,
7,
19608,
292,
316,
62,
6978,
11,
23870,
62,
15908,
28,
4458,
14,
23870,
14,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
351,
1280,
7,
6259,
620,
265,
62,
7753,
11,
366,
81,
1600,
21004,
2625,
40477,
12,
23,
4943,
355,
277,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1048,
620,
265,
796,
33918,
13,
46030,
7,
69,
13,
961,
28955,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
6259,
620,
265,
8,
628,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
10951,
7203,
30642,
1096,
290,
37773,
262,
27039,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
1048,
620,
265,
796,
11241,
1096,
7,
6259,
620,
265,
8,
198,
220,
220,
220,
220,
220,
220,
220,
28034,
13,
21928,
7,
6259,
620,
265,
11,
27039,
62,
23870,
8,
628,
220,
220,
220,
49706,
13,
10951,
7203,
22417,
20929,
4943,
198,
220,
220,
220,
20929,
796,
17635,
198,
220,
220,
220,
329,
27039,
287,
1048,
620,
265,
13,
27160,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
329,
17310,
287,
27039,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
20929,
13,
33295,
7,
38969,
519,
14692,
6259,
1483,
8973,
8,
628,
628,
220,
220,
220,
49706,
13,
10951,
7203,
38,
8638,
23884,
20929,
1911,
18982,
7,
11925,
7,
22682,
871,
22305,
198,
220,
220,
220,
1441,
20929,
628,
198,
4299,
1382,
62,
15414,
62,
6738,
62,
325,
11726,
7,
6259,
64,
11,
2106,
11,
10971,
11,
11241,
7509,
11,
300,
76,
62,
23912,
1424,
28,
25101,
11,
351,
62,
68,
418,
28,
17821,
2599,
198,
220,
220,
220,
37227,
10934,
257,
8379,
286,
5128,
422,
513,
17894,
25,
27822,
11,
2106,
290,
938,
10971,
37227,
198,
220,
220,
220,
37284,
11,
304,
418,
11,
10834,
16,
11,
10834,
17,
796,
11241,
7509,
13,
1102,
1851,
62,
83,
482,
641,
62,
1462,
62,
2340,
7,
48451,
12576,
62,
10468,
42,
16938,
58,
21912,
16,
12962,
198,
220,
220,
220,
1303,
575,
54,
25,
10834,
16,
318,
2836,
198,
220,
220,
220,
4554,
796,
23884,
198,
220,
220,
220,
8379,
796,
16410,
39565,
60,
1343,
1351,
7,
7983,
46491,
6259,
64,
4008,
60,
1343,
2106,
1343,
685,
47768,
1343,
29565,
68,
418,
60,
611,
351,
62,
68,
418,
2073,
685,
12962,
60,
198,
220,
220,
220,
8379,
796,
685,
43167,
58,
15,
11907,
1343,
16410,
4125,
3110,
17,
611,
357,
11925,
7,
43167,
13219,
72,
8,
4064,
362,
2073,
10834,
16,
60,
1343,
264,
329,
1312,
11,
264,
287,
27056,
378,
7,
43167,
58,
16,
25,
12962,
60,
220,
220,
1303,
575,
54,
25,
751,
10834,
1167,
296,
341,
628,
220,
220,
220,
4554,
14692,
15414,
62,
2340,
8973,
796,
1351,
7,
7983,
46491,
43167,
4008,
220,
220,
1303,
575,
54,
25,
1673,
265,
477,
262,
4732,
198,
220,
220,
220,
4554,
14692,
30001,
62,
4906,
62,
2340,
8973,
796,
685,
4125,
3110,
17,
611,
1312,
4064,
362,
2073,
10834,
16,
329,
1312,
11,
264,
287,
27056,
378,
7,
43167,
8,
329,
4808,
287,
264,
60,
220,
220,
1303,
575,
54,
25,
16926,
46,
25,
27822,
318,
10834,
16,
30,
198,
220,
220,
220,
4554,
14692,
23209,
62,
30001,
62,
2340,
8973,
796,
18896,
7,
39098,
14692,
15414,
62,
2340,
8973,
8,
532,
352,
198,
220,
220,
220,
4554,
14692,
75,
76,
62,
23912,
1424,
8973,
796,
25915,
16,
60,
1635,
18896,
7,
39098,
14692,
15414,
62,
2340,
8973,
8,
220,
220,
1303,
575,
54,
25,
477,
532,
16,
357,
27932,
10091,
4613,
780,
340,
338,
407,
262,
826,
4540,
7,
18242,
31520,
198,
220,
220,
220,
611,
300,
76,
62,
23912,
1424,
25,
220,
220,
1303,
575,
54,
25,
611,
340,
338,
6167,
198,
220,
220,
220,
220,
220,
220,
220,
4554,
14692,
75,
76,
62,
23912,
1424,
8973,
796,
29565,
12,
16,
60,
1635,
2160,
7,
11925,
7,
82,
8,
329,
264,
287,
8379,
58,
21912,
16,
60,
4008,
1343,
25915,
16,
60,
1343,
8379,
58,
12,
16,
7131,
16,
47715,
198,
220,
220,
220,
1441,
4554,
11,
8379
] | 2.521564 | 2,481 |
import numpy as np
import cv2
from core.config import cfg
import utils.blob as blob_utils
import roi_data.rpn
def get_minibatch_blob_names(is_training=True):
"""Return blob names in the order in which they are read by the data loader.
"""
# data blob: holds a batch of N images, each with 3 channels
blob_names = ['data']
if cfg.RPN.RPN_ON:
# RPN-only or end-to-end Faster R-CNN
blob_names += roi_data.rpn.get_rpn_blob_names(is_training=is_training)
elif cfg.RETINANET.RETINANET_ON:
raise NotImplementedError
else:
# Fast R-CNN like models trained on precomputed proposals
blob_names += roi_data.fast_rcnn.get_fast_rcnn_blob_names(
is_training=is_training
)
return blob_names
def get_minibatch(roidb, coco):
"""Given a roidb, construct a minibatch sampled from it."""
# We collect blobs from each image onto a list and then concat them into a
# single tensor, hence we initialize each blob to an empty list
blobs = {k: [] for k in get_minibatch_blob_names()}
# Get the input image blob
im_blob, im_scales, roidb = _get_image_blob(roidb, coco)
blobs['data'] = im_blob
if cfg.RPN.RPN_ON:
# RPN-only or end-to-end Faster/Mask R-CNN
valid = roi_data.rpn.add_rpn_blobs(blobs, im_scales, roidb)
elif cfg.RETINANET.RETINANET_ON:
raise NotImplementedError
else:
# Fast R-CNN like models trained on precomputed proposals
valid = roi_data.fast_rcnn.add_fast_rcnn_blobs(blobs, im_scales, roidb)
return blobs, valid
def _get_image_blob(roidb, coco):
"""Builds an input blob from the images in the roidb at the specified
scales.
"""
num_images = len(roidb)
# Sample random scales to use for each image in this batch
scale_inds = np.random.randint(
0, high=len(cfg.TRAIN.SCALES), size=num_images)
processed_ims = []
im_scales = []
for i in range(num_images):
im = cv2.imread(roidb[i]['image'])
assert im is not None, \
'Failed to read image \'{}\''.format(roidb[i]['image'])
# AUG BEGIN--------------------------------
backupim = im
backuproidb = roidb[i]
try:
from AugSeg.get_instance_group import extract
from AugSeg.affine_transform import transform_image, transform_annotation
img_id = roidb[i]['id']
ann_ids = coco.getAnnIds(imgIds=img_id)
anns = coco.loadAnns(ann_ids)
background, instances_list, transforms_list, groupbnds_list, groupidx_list = extract(anns, im)
new_img = transform_image(background, instances_list, transforms_list)
new_ann = transform_annotation(anns, transforms_list, groupbnds_list, groupidx_list,
background.shape[1], background.shape[0])
im = new_img
from datasetsAug.roidb import combined_roidb_for_training
new_roidb, ratio_list, ratio_index = combined_roidb_for_training( \
('coco_2017_train',), cfg.TRAIN.PROPOSAL_FILES, \
img_id, new_ann, coco
)
if roidb[i]['flipped']:
roidb[i] = new_roidb[1]
else:
roidb[i] = new_roidb[0]
except:
roidb[i] = backuproidb
im = backupim
# AUG END----------------------------------
# If NOT using opencv to read in images, uncomment following lines
# if len(im.shape) == 2:
# im = im[:, :, np.newaxis]
# im = np.concatenate((im, im, im), axis=2)
# # flip the channel, since the original one using cv2
# # rgb -> bgr
# im = im[:, :, ::-1]
if roidb[i]['flipped']:
im = im[:, ::-1, :]
target_size = cfg.TRAIN.SCALES[scale_inds[i]]
im, im_scale = blob_utils.prep_im_for_blob(
im, cfg.PIXEL_MEANS, [target_size], cfg.TRAIN.MAX_SIZE)
im_scales.append(im_scale[0])
processed_ims.append(im[0])
# Create a blob to hold the input images [n, c, h, w]
blob = blob_utils.im_list_to_blob(processed_ims)
return blob, im_scales, roidb
| [
11748,
299,
32152,
355,
45941,
198,
11748,
269,
85,
17,
198,
198,
6738,
4755,
13,
11250,
1330,
30218,
70,
198,
11748,
3384,
4487,
13,
2436,
672,
355,
44812,
62,
26791,
198,
11748,
686,
72,
62,
7890,
13,
81,
21999,
628,
198,
4299,
651,
62,
1084,
571,
963,
62,
2436,
672,
62,
14933,
7,
271,
62,
34409,
28,
17821,
2599,
198,
220,
220,
220,
37227,
13615,
44812,
3891,
287,
262,
1502,
287,
543,
484,
389,
1100,
416,
262,
1366,
40213,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1303,
1366,
44812,
25,
6622,
257,
15458,
286,
399,
4263,
11,
1123,
351,
513,
9619,
198,
220,
220,
220,
44812,
62,
14933,
796,
37250,
7890,
20520,
198,
220,
220,
220,
611,
30218,
70,
13,
49,
13137,
13,
49,
13137,
62,
1340,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
371,
13137,
12,
8807,
393,
886,
12,
1462,
12,
437,
38996,
371,
12,
18474,
198,
220,
220,
220,
220,
220,
220,
220,
44812,
62,
14933,
15853,
686,
72,
62,
7890,
13,
81,
21999,
13,
1136,
62,
81,
21999,
62,
2436,
672,
62,
14933,
7,
271,
62,
34409,
28,
271,
62,
34409,
8,
198,
220,
220,
220,
1288,
361,
30218,
70,
13,
26087,
1268,
1565,
2767,
13,
26087,
1268,
1565,
2767,
62,
1340,
25,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
1892,
3546,
1154,
12061,
12331,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
12549,
371,
12,
18474,
588,
4981,
8776,
319,
662,
785,
17128,
11628,
198,
220,
220,
220,
220,
220,
220,
220,
44812,
62,
14933,
15853,
686,
72,
62,
7890,
13,
7217,
62,
6015,
20471,
13,
1136,
62,
7217,
62,
6015,
20471,
62,
2436,
672,
62,
14933,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
318,
62,
34409,
28,
271,
62,
34409,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
1441,
44812,
62,
14933,
628,
198,
4299,
651,
62,
1084,
571,
963,
7,
3882,
65,
11,
8954,
78,
2599,
198,
220,
220,
220,
37227,
15056,
257,
686,
312,
65,
11,
5678,
257,
949,
571,
963,
35846,
422,
340,
526,
15931,
198,
220,
220,
220,
1303,
775,
2824,
698,
8158,
422,
1123,
2939,
4291,
257,
1351,
290,
788,
1673,
265,
606,
656,
257,
198,
220,
220,
220,
1303,
2060,
11192,
273,
11,
12891,
356,
41216,
1123,
44812,
284,
281,
6565,
1351,
198,
220,
220,
220,
698,
8158,
796,
1391,
74,
25,
17635,
329,
479,
287,
651,
62,
1084,
571,
963,
62,
2436,
672,
62,
14933,
3419,
92,
628,
220,
220,
220,
1303,
3497,
262,
5128,
2939,
44812,
198,
220,
220,
220,
545,
62,
2436,
672,
11,
545,
62,
1416,
2040,
11,
686,
312,
65,
796,
4808,
1136,
62,
9060,
62,
2436,
672,
7,
3882,
65,
11,
8954,
78,
8,
198,
220,
220,
220,
698,
8158,
17816,
7890,
20520,
796,
545,
62,
2436,
672,
198,
220,
220,
220,
611,
30218,
70,
13,
49,
13137,
13,
49,
13137,
62,
1340,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
371,
13137,
12,
8807,
393,
886,
12,
1462,
12,
437,
38996,
14,
45195,
371,
12,
18474,
198,
220,
220,
220,
220,
220,
220,
220,
4938,
796,
686,
72,
62,
7890,
13,
81,
21999,
13,
2860,
62,
81,
21999,
62,
2436,
8158,
7,
2436,
8158,
11,
545,
62,
1416,
2040,
11,
686,
312,
65,
8,
198,
220,
220,
220,
1288,
361,
30218,
70,
13,
26087,
1268,
1565,
2767,
13,
26087,
1268,
1565,
2767,
62,
1340,
25,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
1892,
3546,
1154,
12061,
12331,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
12549,
371,
12,
18474,
588,
4981,
8776,
319,
662,
785,
17128,
11628,
198,
220,
220,
220,
220,
220,
220,
220,
4938,
796,
686,
72,
62,
7890,
13,
7217,
62,
6015,
20471,
13,
2860,
62,
7217,
62,
6015,
20471,
62,
2436,
8158,
7,
2436,
8158,
11,
545,
62,
1416,
2040,
11,
686,
312,
65,
8,
198,
220,
220,
220,
1441,
698,
8158,
11,
4938,
628,
198,
4299,
4808,
1136,
62,
9060,
62,
2436,
672,
7,
3882,
65,
11,
8954,
78,
2599,
198,
220,
220,
220,
37227,
15580,
82,
281,
5128,
44812,
422,
262,
4263,
287,
262,
686,
312,
65,
379,
262,
7368,
198,
220,
220,
220,
16252,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
997,
62,
17566,
796,
18896,
7,
3882,
65,
8,
198,
220,
220,
220,
1303,
27565,
4738,
16252,
284,
779,
329,
1123,
2939,
287,
428,
15458,
198,
220,
220,
220,
5046,
62,
521,
82,
796,
45941,
13,
25120,
13,
25192,
600,
7,
198,
220,
220,
220,
220,
220,
220,
220,
657,
11,
1029,
28,
11925,
7,
37581,
13,
51,
3861,
1268,
13,
6173,
1847,
1546,
828,
2546,
28,
22510,
62,
17566,
8,
198,
220,
220,
220,
13686,
62,
12078,
796,
17635,
198,
220,
220,
220,
545,
62,
1416,
2040,
796,
17635,
198,
220,
220,
220,
329,
1312,
287,
2837,
7,
22510,
62,
17566,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
545,
796,
269,
85,
17,
13,
320,
961,
7,
3882,
65,
58,
72,
7131,
6,
9060,
6,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
6818,
545,
318,
407,
6045,
11,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
37,
6255,
284,
1100,
2939,
34373,
90,
32239,
35384,
18982,
7,
3882,
65,
58,
72,
7131,
6,
9060,
6,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
317,
7340,
347,
43312,
3880,
198,
220,
220,
220,
220,
220,
220,
220,
11559,
320,
796,
545,
198,
220,
220,
220,
220,
220,
220,
220,
11559,
3882,
65,
796,
686,
312,
65,
58,
72,
60,
198,
220,
220,
220,
220,
220,
220,
220,
1949,
25,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
422,
2447,
41030,
13,
1136,
62,
39098,
62,
8094,
1330,
7925,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
422,
2447,
41030,
13,
2001,
500,
62,
35636,
1330,
6121,
62,
9060,
11,
6121,
62,
1236,
14221,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
33705,
62,
312,
796,
686,
312,
65,
58,
72,
7131,
6,
312,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1529,
62,
2340,
796,
8954,
78,
13,
1136,
18858,
7390,
82,
7,
9600,
7390,
82,
28,
9600,
62,
312,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1529,
82,
796,
8954,
78,
13,
2220,
2025,
5907,
7,
1236,
62,
2340,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4469,
11,
10245,
62,
4868,
11,
31408,
62,
4868,
11,
1448,
65,
358,
82,
62,
4868,
11,
1448,
312,
87,
62,
4868,
796,
7925,
7,
1236,
82,
11,
545,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
9600,
796,
6121,
62,
9060,
7,
25249,
11,
10245,
62,
4868,
11,
31408,
62,
4868,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
1236,
796,
6121,
62,
1236,
14221,
7,
1236,
82,
11,
31408,
62,
4868,
11,
1448,
65,
358,
82,
62,
4868,
11,
1448,
312,
87,
62,
4868,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4469,
13,
43358,
58,
16,
4357,
4469,
13,
43358,
58,
15,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
545,
796,
649,
62,
9600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
422,
40522,
12512,
13,
3882,
65,
1330,
5929,
62,
3882,
65,
62,
1640,
62,
34409,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
3882,
65,
11,
8064,
62,
4868,
11,
8064,
62,
9630,
796,
5929,
62,
3882,
65,
62,
1640,
62,
34409,
7,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19203,
66,
25634,
62,
5539,
62,
27432,
3256,
828,
30218,
70,
13,
51,
3861,
1268,
13,
4805,
3185,
2640,
1847,
62,
46700,
1546,
11,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
33705,
62,
312,
11,
649,
62,
1236,
11,
8954,
78,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
686,
312,
65,
58,
72,
7131,
6,
2704,
3949,
6,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
686,
312,
65,
58,
72,
60,
796,
649,
62,
3882,
65,
58,
16,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
686,
312,
65,
58,
72,
60,
796,
649,
62,
3882,
65,
58,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
2845,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
686,
312,
65,
58,
72,
60,
796,
11559,
3882,
65,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
545,
796,
11559,
320,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
317,
7340,
23578,
3880,
438,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
5626,
1262,
1280,
33967,
284,
1100,
287,
4263,
11,
8820,
434,
1708,
3951,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
611,
18896,
7,
320,
13,
43358,
8,
6624,
362,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
220,
220,
220,
220,
545,
796,
545,
58,
45299,
1058,
11,
45941,
13,
3605,
22704,
60,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
220,
220,
220,
220,
545,
796,
45941,
13,
1102,
9246,
268,
378,
19510,
320,
11,
545,
11,
545,
828,
16488,
28,
17,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
1303,
14283,
262,
6518,
11,
1201,
262,
2656,
530,
1262,
269,
85,
17,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
1303,
46140,
4613,
275,
2164,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
545,
796,
545,
58,
45299,
1058,
11,
7904,
12,
16,
60,
198,
220,
220,
220,
220,
220,
220,
220,
611,
686,
312,
65,
58,
72,
7131,
6,
2704,
3949,
6,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
545,
796,
545,
58,
45299,
7904,
12,
16,
11,
1058,
60,
628,
220,
220,
220,
220,
220,
220,
220,
2496,
62,
7857,
796,
30218,
70,
13,
51,
3861,
1268,
13,
6173,
1847,
1546,
58,
9888,
62,
521,
82,
58,
72,
11907,
198,
220,
220,
220,
220,
220,
220,
220,
545,
11,
545,
62,
9888,
796,
44812,
62,
26791,
13,
46012,
62,
320,
62,
1640,
62,
2436,
672,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
545,
11,
30218,
70,
13,
47,
10426,
3698,
62,
11682,
15037,
11,
685,
16793,
62,
7857,
4357,
30218,
70,
13,
51,
3861,
1268,
13,
22921,
62,
33489,
8,
198,
220,
220,
220,
220,
220,
220,
220,
545,
62,
1416,
2040,
13,
33295,
7,
320,
62,
9888,
58,
15,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
13686,
62,
12078,
13,
33295,
7,
320,
58,
15,
12962,
628,
220,
220,
220,
1303,
13610,
257,
44812,
284,
1745,
262,
5128,
4263,
685,
77,
11,
269,
11,
289,
11,
266,
60,
198,
220,
220,
220,
44812,
796,
44812,
62,
26791,
13,
320,
62,
4868,
62,
1462,
62,
2436,
672,
7,
14681,
276,
62,
12078,
8,
628,
220,
220,
220,
1441,
44812,
11,
545,
62,
1416,
2040,
11,
686,
312,
65,
198
] | 2.112711 | 2,014 |
import sys, os
class Extractor:
'''
Returns the variable name if a variable with
the value <value> is found.
'''
'''
Scans a list of <lines> containing CSS and
returns a list of strings containing the
rendered LESS version.
'''
'''
Returns the output for the variables.less
file as a list of strings
'''
if __name__ == '__main__':
if len(sys.argv) > 1:
for path in sys.argv[1:]:
name = '.'.join(path.split('.')[:-1])
extractor = Extractor(name)
read = open(path)
write = open(name + '.less', 'w')
variables = open(name + '_variables.less', 'w')
try:
for line in extractor.scan(read.readlines()):
write.write(line)
for line in extractor.get_variables():
variables.write(line + os.linesep)
finally:
variables.close()
write.close()
read.close()
else:
print('usage: python extract.py [file]')
| [
11748,
25064,
11,
28686,
198,
198,
4871,
29677,
273,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
16409,
262,
7885,
1438,
611,
257,
7885,
351,
198,
220,
220,
220,
262,
1988,
1279,
8367,
29,
318,
1043,
13,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
1446,
504,
257,
1351,
286,
1279,
6615,
29,
7268,
17391,
290,
198,
220,
220,
220,
5860,
257,
1351,
286,
13042,
7268,
262,
198,
220,
220,
220,
15111,
406,
7597,
2196,
13,
198,
220,
220,
220,
705,
7061,
628,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
16409,
262,
5072,
329,
262,
9633,
13,
1203,
198,
220,
220,
220,
2393,
355,
257,
1351,
286,
13042,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
220,
220,
611,
18896,
7,
17597,
13,
853,
85,
8,
1875,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
329,
3108,
287,
25064,
13,
853,
85,
58,
16,
25,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1438,
796,
705,
2637,
13,
22179,
7,
6978,
13,
35312,
10786,
2637,
38381,
21912,
16,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7925,
273,
796,
29677,
273,
7,
3672,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1100,
796,
1280,
7,
6978,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3551,
796,
1280,
7,
3672,
1343,
45302,
1203,
3256,
705,
86,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9633,
796,
1280,
7,
3672,
1343,
705,
62,
25641,
2977,
13,
1203,
3256,
705,
86,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
1627,
287,
7925,
273,
13,
35836,
7,
961,
13,
961,
6615,
3419,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3551,
13,
13564,
7,
1370,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
1627,
287,
7925,
273,
13,
1136,
62,
25641,
2977,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9633,
13,
13564,
7,
1370,
1343,
28686,
13,
6615,
538,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3443,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9633,
13,
19836,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3551,
13,
19836,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1100,
13,
19836,
3419,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
10786,
26060,
25,
21015,
7925,
13,
9078,
685,
7753,
60,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
628
] | 1.965096 | 573 |
import unittest
import numpy as np
from auv_models import linear_surge, diagonal_slow_without_g
from helper import degrees_to_quat_rotation
if __name__ == "__main__":
unittest.main()
| [
11748,
555,
715,
395,
198,
198,
11748,
299,
32152,
355,
45941,
198,
198,
6738,
257,
14795,
62,
27530,
1330,
14174,
62,
11793,
469,
11,
40039,
62,
38246,
62,
19419,
62,
70,
198,
6738,
31904,
1330,
7370,
62,
1462,
62,
421,
265,
62,
10599,
341,
628,
628,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
198,
220,
220,
220,
555,
715,
395,
13,
12417,
3419,
198
] | 2.838235 | 68 |
#!/usr/bin/env python
# -*- coding: utf-8 -*-
import os
import sys
import argparse
import requests
import json
from dateutil.parser import parse
from lxml import html
if __name__ == '__main__':
arg_parser = argparse.ArgumentParser(
description='Download videos from ZDF media library.')
arg_parser.add_argument(
'-d', '--directory', dest='tgt_dir', metavar='target_directory',
required=True, help='Target directory for video downloads.')
arg_parser.add_argument(
'-q', '--quality', dest='quality', metavar='video quality',
required=False, choices=['veryhigh', 'high', 'low'], default='high',
help='Quality of downloaded videos')
arg_parser.add_argument(
'urls', metavar='video_urls',
help='Comma-separated list of video urls.')
args = arg_parser.parse_args()
dl = ZdfDownloader(args.tgt_dir, args.urls, quality=args.quality)
dl.download_all()
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
198,
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
198,
11748,
28686,
198,
11748,
25064,
198,
11748,
1822,
29572,
198,
198,
11748,
7007,
198,
11748,
33918,
198,
198,
6738,
3128,
22602,
13,
48610,
1330,
21136,
198,
6738,
300,
19875,
1330,
27711,
628,
198,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
628,
220,
220,
220,
1822,
62,
48610,
796,
1822,
29572,
13,
28100,
1713,
46677,
7,
198,
220,
220,
220,
220,
220,
220,
220,
6764,
11639,
10002,
5861,
422,
1168,
8068,
2056,
5888,
2637,
8,
198,
220,
220,
220,
1822,
62,
48610,
13,
2860,
62,
49140,
7,
198,
220,
220,
220,
220,
220,
220,
220,
705,
12,
67,
3256,
705,
438,
34945,
3256,
2244,
11639,
83,
13655,
62,
15908,
3256,
1138,
615,
283,
11639,
16793,
62,
34945,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
2672,
28,
17821,
11,
1037,
11639,
21745,
8619,
329,
2008,
21333,
2637,
8,
198,
220,
220,
220,
1822,
62,
48610,
13,
2860,
62,
49140,
7,
198,
220,
220,
220,
220,
220,
220,
220,
705,
12,
80,
3256,
705,
438,
13237,
3256,
2244,
11639,
13237,
3256,
1138,
615,
283,
11639,
15588,
3081,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
2672,
28,
25101,
11,
7747,
28,
17816,
548,
8929,
3256,
705,
8929,
3256,
705,
9319,
6,
4357,
4277,
11639,
8929,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
1037,
11639,
35013,
286,
15680,
5861,
11537,
198,
220,
220,
220,
1822,
62,
48610,
13,
2860,
62,
49140,
7,
198,
220,
220,
220,
220,
220,
220,
220,
705,
6371,
82,
3256,
1138,
615,
283,
11639,
15588,
62,
6371,
82,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
1037,
11639,
6935,
64,
12,
25512,
515,
1351,
286,
2008,
2956,
7278,
2637,
8,
198,
220,
220,
220,
26498,
796,
1822,
62,
48610,
13,
29572,
62,
22046,
3419,
628,
220,
220,
220,
288,
75,
796,
1168,
7568,
10002,
263,
7,
22046,
13,
83,
13655,
62,
15908,
11,
26498,
13,
6371,
82,
11,
3081,
28,
22046,
13,
13237,
8,
198,
220,
220,
220,
288,
75,
13,
15002,
62,
439,
3419,
198
] | 2.619444 | 360 |
import os
import yaml
import tempfile
import json
import sys
import copy
from collections import namedtuple
import pytest
from mock import patch
from aeon_ztp.bin import aztp_os_selector
dev_data = {
'os_name': 'cumulus-vx',
'vendor': 'cumulus',
'hw_part_number': '1234',
'hostname': 'cumulus',
'fqdn': 'cumulus.localhost',
'virtual': True,
'service_tag': '1234',
'os_version': '3.1.1',
'hw_version': '1234',
'mac_address': '0123456789012',
'serial_number': '09786554',
'hw_model': 'cvx1000'
}
cfg_data = {
'default': {
'regex_match': '3\.1\.[12]',
'image': 'CumulusLinux-3.1.2-amd64.bin'
},
'group_a': {
'regex_match': '3\.1\.[12]',
'image': 'CumulusLinux-3.1.2-amd64.bin',
'matches': {
'hw_model': ['cvx1000'],
'mac_address': ['0123456789012', '2109876543210']
}
}
}
@pytest.fixture()
def os_sel_file(contents=None):
"""
Used to create a temporary os-selector file
:param contents: python dictionary that will be converted to yaml
:return: returns a temporary file string
"""
if not contents:
contents = cfg_data
os_sel = tempfile.NamedTemporaryFile(mode='w+t')
os_sel.file.write(yaml.dump(contents, default_flow_style=False))
os_sel.file.flush()
return os_sel
@patch('aeon_ztp.bin.aztp_os_selector.exit_results', side_effect=SystemExit)
@patch('aeon_ztp.bin.aztp_os_selector.json.loads')
@patch('aeon_ztp.bin.aztp_os_selector.load_cfg', return_value=cfg_data)
@patch('aeon_ztp.bin.aztp_os_selector.cli_parse')
@patch('aeon_ztp.bin.aztp_os_selector.exit_results', side_effect=SystemExit)
@patch('aeon_ztp.bin.aztp_os_selector.cli_parse')
@patch('aeon_ztp.bin.aztp_os_selector.match_hw_model', side_effect=aztp_os_selector.HwNoMatchError)
@patch('aeon_ztp.bin.aztp_os_selector.exit_results', side_effect=SystemExit)
@patch('aeon_ztp.bin.aztp_os_selector.json.loads')
@patch('aeon_ztp.bin.aztp_os_selector.load_cfg', return_value=cfg_data)
@patch('aeon_ztp.bin.aztp_os_selector.cli_parse')
@patch('aeon_ztp.bin.aztp_os_selector.match_hw_model', side_effect=aztp_os_selector.HwMultiMatchError)
@patch('aeon_ztp.bin.aztp_os_selector.exit_results', side_effect=SystemExit)
@patch('aeon_ztp.bin.aztp_os_selector.json.loads')
@patch('aeon_ztp.bin.aztp_os_selector.load_cfg', return_value=cfg_data)
@patch('aeon_ztp.bin.aztp_os_selector.cli_parse')
@patch('aeon_ztp.bin.aztp_os_selector.match_os_version')
@patch('aeon_ztp.bin.aztp_os_selector.match_hw_model')
@patch('aeon_ztp.bin.aztp_os_selector.exit_results', side_effect=SystemExit)
@patch('aeon_ztp.bin.aztp_os_selector.json.loads')
@patch('aeon_ztp.bin.aztp_os_selector.load_cfg', return_value=cfg_data)
@patch('aeon_ztp.bin.aztp_os_selector.cli_parse')
@patch('aeon_ztp.bin.aztp_os_selector.match_os_version')
@patch('aeon_ztp.bin.aztp_os_selector.match_hw_model')
@patch('aeon_ztp.bin.aztp_os_selector.exit_results', side_effect=SystemExit)
@patch('aeon_ztp.bin.aztp_os_selector.json.loads')
@patch('aeon_ztp.bin.aztp_os_selector.load_cfg', return_value=cfg_data)
@patch('aeon_ztp.bin.aztp_os_selector.cli_parse')
| [
11748,
28686,
198,
11748,
331,
43695,
198,
11748,
20218,
7753,
198,
11748,
33918,
198,
11748,
25064,
198,
11748,
4866,
198,
6738,
17268,
1330,
3706,
83,
29291,
198,
11748,
12972,
9288,
198,
6738,
15290,
1330,
8529,
198,
198,
6738,
257,
23277,
62,
89,
34788,
13,
8800,
1330,
35560,
34788,
62,
418,
62,
19738,
273,
628,
198,
7959,
62,
7890,
796,
1391,
198,
220,
220,
220,
705,
418,
62,
3672,
10354,
705,
36340,
23515,
12,
85,
87,
3256,
198,
220,
220,
220,
705,
85,
18738,
10354,
705,
36340,
23515,
3256,
198,
220,
220,
220,
705,
36599,
62,
3911,
62,
17618,
10354,
705,
1065,
2682,
3256,
198,
220,
220,
220,
705,
4774,
3672,
10354,
705,
36340,
23515,
3256,
198,
220,
220,
220,
705,
69,
80,
32656,
10354,
705,
36340,
23515,
13,
36750,
3256,
198,
220,
220,
220,
705,
32844,
10354,
6407,
11,
198,
220,
220,
220,
705,
15271,
62,
12985,
10354,
705,
1065,
2682,
3256,
198,
220,
220,
220,
705,
418,
62,
9641,
10354,
705,
18,
13,
16,
13,
16,
3256,
198,
220,
220,
220,
705,
36599,
62,
9641,
10354,
705,
1065,
2682,
3256,
198,
220,
220,
220,
705,
20285,
62,
21975,
10354,
705,
486,
1954,
2231,
3134,
4531,
30206,
3256,
198,
220,
220,
220,
705,
46911,
62,
17618,
10354,
705,
2931,
3695,
35916,
19,
3256,
198,
220,
220,
220,
705,
36599,
62,
19849,
10354,
705,
33967,
87,
12825,
6,
198,
92,
198,
198,
37581,
62,
7890,
796,
1391,
198,
220,
220,
220,
705,
12286,
10354,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
705,
260,
25636,
62,
15699,
10354,
705,
18,
17405,
16,
59,
3693,
1065,
60,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
705,
9060,
10354,
705,
34,
388,
23515,
19314,
12,
18,
13,
16,
13,
17,
12,
28745,
2414,
13,
8800,
6,
198,
220,
220,
220,
8964,
198,
220,
220,
220,
705,
8094,
62,
64,
10354,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
705,
260,
25636,
62,
15699,
10354,
705,
18,
17405,
16,
59,
3693,
1065,
60,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
705,
9060,
10354,
705,
34,
388,
23515,
19314,
12,
18,
13,
16,
13,
17,
12,
28745,
2414,
13,
8800,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
705,
6759,
2052,
10354,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
36599,
62,
19849,
10354,
37250,
33967,
87,
12825,
6,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
20285,
62,
21975,
10354,
37250,
486,
1954,
2231,
3134,
4531,
30206,
3256,
705,
21536,
4089,
29143,
45331,
940,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
1782,
198,
220,
220,
220,
1782,
198,
92,
628,
198,
31,
9078,
9288,
13,
69,
9602,
3419,
628,
198,
4299,
28686,
62,
741,
62,
7753,
7,
3642,
658,
28,
14202,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
16718,
284,
2251,
257,
8584,
28686,
12,
19738,
273,
2393,
198,
220,
220,
220,
1058,
17143,
10154,
25,
21015,
22155,
326,
481,
307,
11513,
284,
331,
43695,
198,
220,
220,
220,
1058,
7783,
25,
5860,
257,
8584,
2393,
4731,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
611,
407,
10154,
25,
198,
220,
220,
220,
220,
220,
220,
220,
10154,
796,
30218,
70,
62,
7890,
198,
220,
220,
220,
28686,
62,
741,
796,
20218,
7753,
13,
45,
2434,
12966,
5551,
8979,
7,
14171,
11639,
86,
10,
83,
11537,
198,
220,
220,
220,
28686,
62,
741,
13,
7753,
13,
13564,
7,
88,
43695,
13,
39455,
7,
3642,
658,
11,
4277,
62,
11125,
62,
7635,
28,
25101,
4008,
198,
220,
220,
220,
28686,
62,
741,
13,
7753,
13,
25925,
3419,
198,
220,
220,
220,
1441,
28686,
62,
741,
628,
628,
628,
628,
628,
628,
628,
628,
198,
198,
31,
17147,
10786,
3609,
261,
62,
89,
34788,
13,
8800,
13,
1031,
34788,
62,
418,
62,
19738,
273,
13,
37023,
62,
43420,
3256,
1735,
62,
10760,
28,
11964,
30337,
8,
198,
31,
17147,
10786,
3609,
261,
62,
89,
34788,
13,
8800,
13,
1031,
34788,
62,
418,
62,
19738,
273,
13,
17752,
13,
46030,
11537,
198,
31,
17147,
10786,
3609,
261,
62,
89,
34788,
13,
8800,
13,
1031,
34788,
62,
418,
62,
19738,
273,
13,
2220,
62,
37581,
3256,
1441,
62,
8367,
28,
37581,
62,
7890,
8,
198,
31,
17147,
10786,
3609,
261,
62,
89,
34788,
13,
8800,
13,
1031,
34788,
62,
418,
62,
19738,
273,
13,
44506,
62,
29572,
11537,
628,
198,
31,
17147,
10786,
3609,
261,
62,
89,
34788,
13,
8800,
13,
1031,
34788,
62,
418,
62,
19738,
273,
13,
37023,
62,
43420,
3256,
1735,
62,
10760,
28,
11964,
30337,
8,
198,
31,
17147,
10786,
3609,
261,
62,
89,
34788,
13,
8800,
13,
1031,
34788,
62,
418,
62,
19738,
273,
13,
44506,
62,
29572,
11537,
628,
198,
31,
17147,
10786,
3609,
261,
62,
89,
34788,
13,
8800,
13,
1031,
34788,
62,
418,
62,
19738,
273,
13,
15699,
62,
36599,
62,
19849,
3256,
1735,
62,
10760,
28,
1031,
34788,
62,
418,
62,
19738,
273,
13,
39,
86,
2949,
23850,
12331,
8,
198,
31,
17147,
10786,
3609,
261,
62,
89,
34788,
13,
8800,
13,
1031,
34788,
62,
418,
62,
19738,
273,
13,
37023,
62,
43420,
3256,
1735,
62,
10760,
28,
11964,
30337,
8,
198,
31,
17147,
10786,
3609,
261,
62,
89,
34788,
13,
8800,
13,
1031,
34788,
62,
418,
62,
19738,
273,
13,
17752,
13,
46030,
11537,
198,
31,
17147,
10786,
3609,
261,
62,
89,
34788,
13,
8800,
13,
1031,
34788,
62,
418,
62,
19738,
273,
13,
2220,
62,
37581,
3256,
1441,
62,
8367,
28,
37581,
62,
7890,
8,
198,
31,
17147,
10786,
3609,
261,
62,
89,
34788,
13,
8800,
13,
1031,
34788,
62,
418,
62,
19738,
273,
13,
44506,
62,
29572,
11537,
628,
198,
31,
17147,
10786,
3609,
261,
62,
89,
34788,
13,
8800,
13,
1031,
34788,
62,
418,
62,
19738,
273,
13,
15699,
62,
36599,
62,
19849,
3256,
1735,
62,
10760,
28,
1031,
34788,
62,
418,
62,
19738,
273,
13,
39,
86,
29800,
23850,
12331,
8,
198,
31,
17147,
10786,
3609,
261,
62,
89,
34788,
13,
8800,
13,
1031,
34788,
62,
418,
62,
19738,
273,
13,
37023,
62,
43420,
3256,
1735,
62,
10760,
28,
11964,
30337,
8,
198,
31,
17147,
10786,
3609,
261,
62,
89,
34788,
13,
8800,
13,
1031,
34788,
62,
418,
62,
19738,
273,
13,
17752,
13,
46030,
11537,
198,
31,
17147,
10786,
3609,
261,
62,
89,
34788,
13,
8800,
13,
1031,
34788,
62,
418,
62,
19738,
273,
13,
2220,
62,
37581,
3256,
1441,
62,
8367,
28,
37581,
62,
7890,
8,
198,
31,
17147,
10786,
3609,
261,
62,
89,
34788,
13,
8800,
13,
1031,
34788,
62,
418,
62,
19738,
273,
13,
44506,
62,
29572,
11537,
628,
198,
31,
17147,
10786,
3609,
261,
62,
89,
34788,
13,
8800,
13,
1031,
34788,
62,
418,
62,
19738,
273,
13,
15699,
62,
418,
62,
9641,
11537,
198,
31,
17147,
10786,
3609,
261,
62,
89,
34788,
13,
8800,
13,
1031,
34788,
62,
418,
62,
19738,
273,
13,
15699,
62,
36599,
62,
19849,
11537,
198,
31,
17147,
10786,
3609,
261,
62,
89,
34788,
13,
8800,
13,
1031,
34788,
62,
418,
62,
19738,
273,
13,
37023,
62,
43420,
3256,
1735,
62,
10760,
28,
11964,
30337,
8,
198,
31,
17147,
10786,
3609,
261,
62,
89,
34788,
13,
8800,
13,
1031,
34788,
62,
418,
62,
19738,
273,
13,
17752,
13,
46030,
11537,
198,
31,
17147,
10786,
3609,
261,
62,
89,
34788,
13,
8800,
13,
1031,
34788,
62,
418,
62,
19738,
273,
13,
2220,
62,
37581,
3256,
1441,
62,
8367,
28,
37581,
62,
7890,
8,
198,
31,
17147,
10786,
3609,
261,
62,
89,
34788,
13,
8800,
13,
1031,
34788,
62,
418,
62,
19738,
273,
13,
44506,
62,
29572,
11537,
628,
198,
31,
17147,
10786,
3609,
261,
62,
89,
34788,
13,
8800,
13,
1031,
34788,
62,
418,
62,
19738,
273,
13,
15699,
62,
418,
62,
9641,
11537,
198,
31,
17147,
10786,
3609,
261,
62,
89,
34788,
13,
8800,
13,
1031,
34788,
62,
418,
62,
19738,
273,
13,
15699,
62,
36599,
62,
19849,
11537,
198,
31,
17147,
10786,
3609,
261,
62,
89,
34788,
13,
8800,
13,
1031,
34788,
62,
418,
62,
19738,
273,
13,
37023,
62,
43420,
3256,
1735,
62,
10760,
28,
11964,
30337,
8,
198,
31,
17147,
10786,
3609,
261,
62,
89,
34788,
13,
8800,
13,
1031,
34788,
62,
418,
62,
19738,
273,
13,
17752,
13,
46030,
11537,
198,
31,
17147,
10786,
3609,
261,
62,
89,
34788,
13,
8800,
13,
1031,
34788,
62,
418,
62,
19738,
273,
13,
2220,
62,
37581,
3256,
1441,
62,
8367,
28,
37581,
62,
7890,
8,
198,
31,
17147,
10786,
3609,
261,
62,
89,
34788,
13,
8800,
13,
1031,
34788,
62,
418,
62,
19738,
273,
13,
44506,
62,
29572,
11537,
198
] | 2.226415 | 1,431 |
import unittest
from lymph.core.monitoring.metrics import RawMetric
from lymph.core.monitoring.aggregator import Aggregator
| [
11748,
555,
715,
395,
198,
198,
6738,
28837,
13,
7295,
13,
41143,
278,
13,
4164,
10466,
1330,
16089,
9171,
1173,
198,
6738,
28837,
13,
7295,
13,
41143,
278,
13,
9460,
2301,
1352,
1330,
19015,
2301,
1352,
628,
628
] | 3.368421 | 38 |
#! /usr/bin/env python
# -*- coding: utf-8 -*-
# vim:fenc=utf-8
#
# Copyright © 2017 eelium <eelium@eez008>
#
# Distributed under terms of the MIT license.
import random
"""
parameters
"""
# The window refresh rate
REFRESH_INTERVAL = 50
# the ground size
margin_left = 100
margin_right = 100
margin_top = 100
margin_bottom = 100
L = 50 # unit value in pixel; as scalar
# the window size
world_height = 16 * L + margin_top + margin_bottom
world_width = 22 * L + margin_left + margin_right
# robot numbers
NUM_AGENTS = 8
# agent speed
agent_speed = 40
# TODO: parameterize this magic number
TIME_RATE = 2
FRAME_PER_SECOND = 20.0
# # collision allows the angle
# th_close_angle = 45
all_finish_mark = 0
# good position letter (forward,backward)
ROW1_LEFT = [
('B1', 'A1') , ('A2', 'B2') , ('B3', 'A3') , ('A4', 'B4') , ('B5', 'A5') ,
('A6', 'B6') , ('B7', 'A7') ]
ROW1_RIGHT = [
('A2', 'B2') , ('B3', 'A3') , ('A4', 'B4') , ('B5', 'A5') ,
('A6', 'B6') , ('B7', 'A7') , ('A8', 'B8')]
ROW2_LEFT = [
('C1', 'B1') , ('B2', 'C2') , ('C3', 'B3') , ('B4', 'C4') , ('C5', 'B5') ,
('B6', 'C6') , ('C7', 'B7') ]
ROW2_RIGHT = [
('B2', 'C2') , ('C3', 'B3') , ('B4', 'C4') , ('C5', 'B5') ,
('B6', 'C6') , ('C7', 'B7') , ('B8', 'C8') ]
ROW3_LEFT = [
('D1', 'C1') , ('C2', 'D2') , ('D3', 'C3') , ('C4', 'D4') , ('D5', 'C5') ,
('C6', 'D6') , ('D7', 'C7') ]
ROW3_RIGHT = [
('C2', 'D2') , ('D3', 'C3') , ('C4', 'D4') , ('D5', 'C5') ,
('C6', 'D6') , ('D7', 'C7') , ('C8', 'D8') ]
# #Class goods
# CLASS_GOODS_DIC = {
# 0: [0, 1, 2, 3, 4, 5, 6, 7],
# 1: [8, 9, 10, 11, 12, 13, 14, 15],
# 2: [16, 17, 18, 19, 20, 21, 22, 23],
# 3: [24, 25, 26, 27, 28, 29, 30, 31],
# 4: [32, 33, 34, 35, 36, 37, 38, 39],
# 5: [40, 41, 42, 43, 44, 45, 46, 47],
# 6: [48, 49, 50, 51, 52, 53, 54, 55],
# 7: [56, 57, 58, 59, 60, 61, 62, 63],
# 8: [64, 65, 66, 67, 68, 69, 70, 71],
# 9: [72, 73, 74, 75, 76, 77, 78, 79],
# 10: [80, 81, 82, 83, 84, 85, 86, 87],
# 11: [88, 89, 90, 91, 92, 93, 94, 95],
# 12: [96, 97, 98, 99, 100, 101, 102, 103],
# 13: [104, 105, 106, 107, 108, 109, 110, 111],
# 14: [112, 113, 114, 115, 116, 117, 118, 119],
# 15: [120, 121, 122, 123, 124, 125, 126, 127],
# 16: [128, 129, 130, 131, 132, 133, 134, 135],
# 17: [136, 137, 138, 139, 140, 141, 142, 143],
# 18: [144, 145, 146, 147, 148, 149, 150, 151],
# 19: [152, 153, 154, 155, 156, 157, 158, 159],
# 20: [160, 161, 162, 163, 164, 165, 166, 167]}
# charging park
CHARGING_PARK = ['Y1', 'Y2', 'Y3', 'Y4', 'Y5', 'Y6', 'Y7', 'Y8']
# order points
UNLOADING_POSITION = ['Z1', 'Z5']
#goods colour
SHELVES_COLOR = {0:'BLUE', 1:'SLATE BLUE', 2:'GREEN', 3:'SPRING GREEN', 4:'CYAN', 5:'NAVY',
6:'STEEL BLUE', 7:'FOREST GREEN', 8:'SEA GREEN', 9:'SEA GREEN', 10:'MIDNIGHT BLUE',
11:'DARK GREEN', 12:'DARK SLATE GREY', 13:'MEDIUM BLUE', 14:'SKY BLUE', 15:'LIME GREEN',
16:'MEDIUM AQUAMARINE', 17:'CORNFLOWER BLUE', 18:'MEDIUM SEA GREEN', 19:'INDIAN RED', 20:'VIOLET',
21:'DARK OLIVE GREEN'}
# goods = 0
# #total goods
# for i in xrange(ORDER_NUM):
# goods += len(GOODS_ORDER[i])
# TOTAL_GOODS = goods
# goods order
# GOODS_ORDER = {0:[790, 160, 1210, 1010, 130, 220, 590, 980, 1400, 1020, 1040, 370],
# 1:[650, 1170, 950, 1100, 540, 1650, 60, 470, 1500, 210, 890, 830, 990]} #1
# GOODS_ORDER = {0:[1150, 1340, 350, 110, 600, 670, 120, 1160, 1490, 790, 730, 1540],
# 1:[1210, 520, 1050, 400, 1140, 190, 210, 90, 870, 1560, 1130, 1640, 690]} #2
# GOODS_ORDER = {0:[40, 860, 150, 400, 690, 1570, 1630, 760, 1370, 1420, 320, 230],
# 1:[480, 1670, 1320, 1430, 1300, 1610, 280, 570, 920, 530, 910, 200, 260]} #3
# GOODS_ORDER = {0:[140, 450, 1250, 1230, 150, 1350, 970, 350, 120, 1430, 1550, 300],
# 1:[1100, 570, 1640, 160, 1070, 790, 770, 130, 1010, 830, 90, 550, 890]} #4
GOODS_ORDER = {0:[950, 1130, 1510, 550, 1200, 890, 1370, 1240, 990, 450, 1170, 440],
1:[1180, 1640, 1290, 60, 480, 230, 370, 140, 740, 1310, 1480, 150, 870]} #5
# # # goods order
# GOODS_ORDER = {0:[790, 160, 1210, 1010, 130],
# 1:[650, 1170, 950]}
#order number
ORDER_NUM = len(GOODS_ORDER) | [
2,
0,
1220,
14629,
14,
8800,
14,
24330,
21015,
198,
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
2,
43907,
25,
69,
12685,
28,
40477,
12,
23,
198,
2,
198,
2,
15069,
10673,
2177,
304,
417,
1505,
1279,
68,
417,
1505,
31,
33105,
25257,
29,
198,
2,
198,
2,
4307,
6169,
739,
2846,
286,
262,
17168,
5964,
13,
198,
11748,
4738,
198,
37811,
198,
17143,
7307,
220,
198,
37811,
198,
2,
383,
4324,
14976,
2494,
198,
2200,
10913,
44011,
62,
41358,
23428,
796,
2026,
198,
198,
2,
262,
2323,
2546,
220,
198,
36153,
62,
9464,
796,
1802,
198,
36153,
62,
3506,
796,
1802,
198,
36153,
62,
4852,
796,
1802,
198,
36153,
62,
22487,
796,
1802,
198,
43,
796,
2026,
220,
1303,
4326,
1988,
287,
17465,
26,
355,
16578,
283,
198,
2,
262,
4324,
2546,
198,
6894,
62,
17015,
796,
1467,
1635,
406,
1343,
10330,
62,
4852,
1343,
10330,
62,
22487,
198,
6894,
62,
10394,
796,
2534,
1635,
406,
1343,
10330,
62,
9464,
1343,
10330,
62,
3506,
198,
2,
9379,
3146,
198,
41359,
62,
4760,
15365,
796,
807,
198,
2,
5797,
2866,
198,
25781,
62,
12287,
796,
2319,
198,
2,
16926,
46,
25,
11507,
1096,
428,
5536,
1271,
198,
34694,
62,
49,
6158,
796,
362,
198,
10913,
10067,
62,
18973,
62,
23683,
18672,
796,
1160,
13,
15,
198,
2,
1303,
17661,
3578,
262,
9848,
198,
2,
294,
62,
19836,
62,
9248,
796,
4153,
198,
439,
62,
15643,
680,
62,
4102,
796,
657,
628,
198,
2,
922,
2292,
3850,
357,
11813,
11,
1891,
904,
8,
198,
49,
3913,
16,
62,
2538,
9792,
796,
685,
198,
220,
220,
220,
19203,
33,
16,
3256,
705,
32,
16,
11537,
837,
19203,
32,
17,
3256,
705,
33,
17,
11537,
837,
19203,
33,
18,
3256,
705,
32,
18,
11537,
837,
19203,
32,
19,
3256,
705,
33,
19,
11537,
837,
19203,
33,
20,
3256,
705,
32,
20,
11537,
837,
198,
220,
220,
220,
19203,
32,
21,
3256,
705,
33,
21,
11537,
837,
19203,
33,
22,
3256,
705,
32,
22,
11537,
220,
2361,
198,
49,
3913,
16,
62,
49,
9947,
796,
685,
220,
220,
220,
220,
198,
220,
220,
220,
19203,
32,
17,
3256,
705,
33,
17,
11537,
837,
19203,
33,
18,
3256,
705,
32,
18,
11537,
837,
19203,
32,
19,
3256,
705,
33,
19,
11537,
837,
19203,
33,
20,
3256,
705,
32,
20,
11537,
837,
198,
220,
220,
220,
19203,
32,
21,
3256,
705,
33,
21,
11537,
837,
19203,
33,
22,
3256,
705,
32,
22,
11537,
837,
19203,
32,
23,
3256,
705,
33,
23,
11537,
60,
198,
198,
49,
3913,
17,
62,
2538,
9792,
796,
685,
198,
220,
220,
220,
19203,
34,
16,
3256,
705,
33,
16,
11537,
837,
19203,
33,
17,
3256,
705,
34,
17,
11537,
837,
19203,
34,
18,
3256,
705,
33,
18,
11537,
837,
19203,
33,
19,
3256,
705,
34,
19,
11537,
837,
19203,
34,
20,
3256,
705,
33,
20,
11537,
837,
220,
198,
220,
220,
220,
19203,
33,
21,
3256,
705,
34,
21,
11537,
837,
19203,
34,
22,
3256,
705,
33,
22,
11537,
2361,
198,
49,
3913,
17,
62,
49,
9947,
796,
685,
198,
220,
220,
220,
19203,
33,
17,
3256,
705,
34,
17,
11537,
837,
19203,
34,
18,
3256,
705,
33,
18,
11537,
837,
19203,
33,
19,
3256,
705,
34,
19,
11537,
837,
19203,
34,
20,
3256,
705,
33,
20,
11537,
837,
220,
198,
220,
220,
220,
19203,
33,
21,
3256,
705,
34,
21,
11537,
837,
19203,
34,
22,
3256,
705,
33,
22,
11537,
837,
19203,
33,
23,
3256,
705,
34,
23,
11537,
2361,
198,
198,
49,
3913,
18,
62,
2538,
9792,
796,
685,
198,
220,
220,
220,
19203,
35,
16,
3256,
705,
34,
16,
11537,
837,
19203,
34,
17,
3256,
705,
35,
17,
11537,
837,
19203,
35,
18,
3256,
705,
34,
18,
11537,
837,
19203,
34,
19,
3256,
705,
35,
19,
11537,
837,
19203,
35,
20,
3256,
705,
34,
20,
11537,
837,
220,
198,
220,
220,
220,
19203,
34,
21,
3256,
705,
35,
21,
11537,
837,
19203,
35,
22,
3256,
705,
34,
22,
11537,
2361,
198,
49,
3913,
18,
62,
49,
9947,
796,
685,
198,
220,
220,
220,
19203,
34,
17,
3256,
705,
35,
17,
11537,
837,
19203,
35,
18,
3256,
705,
34,
18,
11537,
837,
19203,
34,
19,
3256,
705,
35,
19,
11537,
837,
19203,
35,
20,
3256,
705,
34,
20,
11537,
837,
220,
198,
220,
220,
220,
19203,
34,
21,
3256,
705,
35,
21,
11537,
837,
19203,
35,
22,
3256,
705,
34,
22,
11537,
837,
19203,
34,
23,
3256,
705,
35,
23,
11537,
2361,
198,
198,
2,
1303,
9487,
7017,
198,
2,
42715,
62,
11230,
3727,
50,
62,
35,
2149,
796,
1391,
198,
2,
220,
220,
220,
220,
657,
25,
685,
15,
11,
352,
11,
362,
11,
513,
11,
604,
11,
642,
11,
718,
11,
767,
4357,
220,
198,
2,
220,
220,
220,
220,
352,
25,
685,
23,
11,
860,
11,
838,
11,
1367,
11,
1105,
11,
1511,
11,
1478,
11,
1315,
4357,
220,
198,
2,
220,
220,
220,
220,
362,
25,
685,
1433,
11,
1596,
11,
1248,
11,
678,
11,
1160,
11,
2310,
11,
2534,
11,
2242,
4357,
220,
198,
2,
220,
220,
220,
220,
513,
25,
685,
1731,
11,
1679,
11,
2608,
11,
2681,
11,
2579,
11,
2808,
11,
1542,
11,
3261,
4357,
220,
198,
2,
220,
220,
220,
220,
604,
25,
685,
2624,
11,
4747,
11,
4974,
11,
3439,
11,
4570,
11,
5214,
11,
4353,
11,
5014,
4357,
220,
198,
2,
220,
220,
220,
220,
642,
25,
685,
1821,
11,
6073,
11,
5433,
11,
5946,
11,
5846,
11,
4153,
11,
6337,
11,
6298,
4357,
220,
198,
2,
220,
220,
220,
220,
718,
25,
685,
2780,
11,
5125,
11,
2026,
11,
6885,
11,
6740,
11,
7192,
11,
7175,
11,
5996,
4357,
220,
198,
2,
220,
220,
220,
220,
767,
25,
685,
3980,
11,
7632,
11,
7618,
11,
7863,
11,
3126,
11,
8454,
11,
8190,
11,
8093,
4357,
220,
198,
2,
220,
220,
220,
220,
807,
25,
685,
2414,
11,
6135,
11,
7930,
11,
8275,
11,
8257,
11,
8644,
11,
4317,
11,
9166,
4357,
220,
198,
2,
220,
220,
220,
220,
860,
25,
685,
4761,
11,
8854,
11,
8915,
11,
5441,
11,
8684,
11,
8541,
11,
8699,
11,
9225,
4357,
220,
198,
2,
220,
220,
220,
220,
838,
25,
685,
1795,
11,
9773,
11,
9415,
11,
9698,
11,
9508,
11,
7600,
11,
9849,
11,
10083,
4357,
220,
198,
2,
220,
220,
220,
220,
1367,
25,
685,
3459,
11,
9919,
11,
4101,
11,
10495,
11,
10190,
11,
10261,
11,
10048,
11,
6957,
4357,
220,
198,
2,
220,
220,
220,
220,
1105,
25,
685,
4846,
11,
10111,
11,
9661,
11,
7388,
11,
1802,
11,
8949,
11,
15143,
11,
15349,
4357,
220,
198,
2,
220,
220,
220,
220,
1511,
25,
685,
13464,
11,
13343,
11,
15696,
11,
16226,
11,
15495,
11,
16003,
11,
9796,
11,
13374,
4357,
220,
198,
2,
220,
220,
220,
220,
1478,
25,
685,
14686,
11,
17318,
11,
17342,
11,
12279,
11,
18693,
11,
19048,
11,
19035,
11,
15136,
4357,
220,
198,
2,
220,
220,
220,
220,
1315,
25,
685,
10232,
11,
20416,
11,
19409,
11,
17031,
11,
19755,
11,
13151,
11,
19710,
11,
18112,
4357,
220,
198,
2,
220,
220,
220,
220,
1467,
25,
685,
12762,
11,
20248,
11,
11323,
11,
23134,
11,
21761,
11,
22169,
11,
22352,
11,
17501,
4357,
220,
198,
2,
220,
220,
220,
220,
1596,
25,
685,
20809,
11,
21643,
11,
21503,
11,
23666,
11,
12713,
11,
25500,
11,
25181,
11,
24356,
4357,
220,
198,
2,
220,
220,
220,
220,
1248,
25,
685,
18444,
11,
20299,
11,
22986,
11,
22909,
11,
22613,
11,
24041,
11,
6640,
11,
25326,
4357,
220,
198,
2,
220,
220,
220,
220,
678,
25,
685,
17827,
11,
24652,
11,
24235,
11,
20708,
11,
23871,
11,
23313,
11,
24063,
11,
26422,
4357,
220,
198,
2,
220,
220,
220,
220,
1160,
25,
685,
14198,
11,
27829,
11,
25090,
11,
26826,
11,
25307,
11,
21409,
11,
26753,
11,
26118,
48999,
628,
198,
2,
11642,
3952,
198,
38019,
38,
2751,
62,
47,
14175,
796,
37250,
56,
16,
3256,
705,
56,
17,
3256,
705,
56,
18,
3256,
705,
56,
19,
3256,
705,
56,
20,
3256,
705,
56,
21,
3256,
705,
56,
22,
3256,
705,
56,
23,
20520,
198,
198,
2,
1502,
2173,
198,
4944,
35613,
2751,
62,
37997,
17941,
796,
37250,
57,
16,
3256,
705,
57,
20,
20520,
198,
198,
2,
11274,
82,
9568,
198,
9693,
3698,
53,
1546,
62,
46786,
796,
1391,
15,
32105,
9148,
8924,
3256,
352,
32105,
8634,
6158,
9878,
8924,
3256,
362,
32105,
43016,
3256,
513,
32105,
4303,
49,
2751,
47606,
3256,
604,
32105,
34,
56,
1565,
3256,
642,
32105,
4535,
53,
56,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
718,
32105,
30516,
3698,
9878,
8924,
3256,
767,
32105,
13775,
6465,
47606,
3256,
807,
32105,
46887,
47606,
3256,
860,
32105,
46887,
47606,
3256,
838,
32105,
44,
2389,
45,
9947,
9878,
8924,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1367,
32105,
35,
14175,
47606,
3256,
1105,
32105,
35,
14175,
12419,
6158,
19928,
56,
3256,
1511,
32105,
30733,
41796,
9878,
8924,
3256,
1478,
32105,
18831,
56,
9878,
8924,
3256,
1315,
32105,
43,
12789,
47606,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1467,
32105,
30733,
41796,
317,
10917,
2390,
1503,
8881,
3256,
1596,
32105,
34,
30649,
3697,
36048,
9878,
8924,
3256,
1248,
32105,
30733,
41796,
41067,
47606,
3256,
678,
32105,
12115,
16868,
23848,
3256,
1160,
32105,
53,
9399,
28882,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2310,
32105,
35,
14175,
22258,
9306,
47606,
6,
92,
628,
198,
198,
2,
7017,
796,
657,
198,
2,
1303,
23350,
7017,
198,
2,
329,
1312,
287,
2124,
9521,
7,
12532,
1137,
62,
41359,
2599,
198,
2,
220,
220,
220,
220,
7017,
15853,
18896,
7,
11230,
3727,
50,
62,
12532,
1137,
58,
72,
12962,
198,
2,
36247,
62,
11230,
3727,
50,
796,
7017,
198,
198,
2,
7017,
1502,
198,
198,
2,
21090,
50,
62,
12532,
1137,
796,
1391,
15,
33250,
37750,
11,
13454,
11,
1105,
940,
11,
8949,
15,
11,
11323,
11,
15629,
11,
642,
3829,
11,
32614,
11,
36641,
11,
838,
1238,
11,
838,
1821,
11,
28687,
4357,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
352,
33250,
17544,
11,
1367,
2154,
11,
38384,
11,
36566,
11,
38190,
11,
1467,
1120,
11,
3126,
11,
38634,
11,
20007,
11,
20064,
11,
807,
3829,
11,
807,
1270,
11,
860,
3829,
48999,
1303,
16,
198,
198,
2,
21090,
50,
62,
12532,
1137,
796,
1391,
15,
33250,
1157,
1120,
11,
1511,
1821,
11,
13803,
11,
9796,
11,
10053,
11,
48136,
11,
7982,
11,
1367,
1899,
11,
1478,
3829,
11,
767,
3829,
11,
767,
1270,
11,
1315,
1821,
4357,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
352,
33250,
1065,
940,
11,
36141,
11,
47235,
11,
7337,
11,
1367,
1821,
11,
19884,
11,
20064,
11,
4101,
11,
807,
2154,
11,
1315,
1899,
11,
1367,
1270,
11,
1467,
1821,
11,
718,
3829,
48999,
1303,
17,
198,
198,
2,
21090,
50,
62,
12532,
1137,
796,
1391,
15,
33250,
1821,
11,
807,
1899,
11,
6640,
11,
7337,
11,
718,
3829,
11,
1315,
2154,
11,
1467,
1270,
11,
48284,
11,
1511,
2154,
11,
1478,
1238,
11,
20959,
11,
18395,
4357,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
352,
33250,
22148,
11,
1467,
2154,
11,
1511,
1238,
11,
1478,
1270,
11,
36058,
11,
1467,
940,
11,
21355,
11,
44626,
11,
47679,
11,
40585,
11,
860,
940,
11,
939,
11,
21148,
48999,
1303,
18,
198,
198,
2,
21090,
50,
62,
12532,
1137,
796,
1391,
15,
33250,
15187,
11,
18523,
11,
1105,
1120,
11,
1105,
1270,
11,
6640,
11,
1511,
1120,
11,
40463,
11,
13803,
11,
7982,
11,
1478,
1270,
11,
1315,
1120,
11,
5867,
4357,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
352,
33250,
42060,
11,
44626,
11,
1467,
1821,
11,
13454,
11,
49616,
11,
767,
3829,
11,
44586,
11,
11323,
11,
8949,
15,
11,
807,
1270,
11,
4101,
11,
25240,
11,
807,
3829,
48999,
1303,
19,
198,
198,
11230,
3727,
50,
62,
12532,
1137,
796,
1391,
15,
33250,
31027,
11,
1367,
1270,
11,
1315,
940,
11,
25240,
11,
24938,
11,
807,
3829,
11,
1511,
2154,
11,
1105,
1821,
11,
860,
3829,
11,
18523,
11,
1367,
2154,
11,
33879,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
352,
33250,
1157,
1795,
11,
1467,
1821,
11,
1105,
3829,
11,
3126,
11,
23487,
11,
18395,
11,
28687,
11,
12713,
11,
767,
1821,
11,
1511,
940,
11,
1478,
1795,
11,
6640,
11,
807,
2154,
48999,
1303,
20,
198,
198,
2,
1303,
1303,
7017,
1502,
198,
2,
21090,
50,
62,
12532,
1137,
796,
1391,
15,
33250,
37750,
11,
13454,
11,
1105,
940,
11,
8949,
15,
11,
11323,
4357,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
352,
33250,
17544,
11,
1367,
2154,
11,
38384,
48999,
198,
2,
2875,
1271,
220,
198,
12532,
1137,
62,
41359,
796,
18896,
7,
11230,
3727,
50,
62,
12532,
1137,
8
] | 1.956541 | 2,209 |
from django.contrib.auth.decorators import login_required
from django.contrib.auth.mixins import LoginRequiredMixin
from django.contrib.auth.models import User
from django.core.exceptions import PermissionDenied, SuspiciousOperation
from django.db import transaction
from django.db.utils import IntegrityError
from django.http.response import HttpResponseBadRequest, HttpResponseForbidden, HttpResponseNotFound, HttpResponse, \
Http404
from django.shortcuts import render, redirect, get_object_or_404
from django.utils.decorators import method_decorator
from django.views import generic, View
from django.utils import timezone
from django.db.models import Q
import django_excel as excel
from django.views.decorators.http import require_http_methods, require_GET
from django.views.generic import TemplateView, FormView
from permission_utils import *
from dashboard.views import bad_request
import re
from Grades.exceptions import GradeException
from Grades.models import ModuleEdition, Grade, Test, Person, ModulePart, Studying, Module, Study
from importer.forms import GradeUploadForm, TestGradeUploadForm, ImportStudentForm, ImportStudentModule, \
ImportModuleEditionStructureForm, COLUMN_TITLE_ROW, ImportModuleForm
# Create your views here.
class ImporterIndexView(LoginRequiredMixin, View):
"""Index view of the importer module. Serves both Module Coordinators and Teachers.
Module coordinators are presented with an overview of the module editions they are a coordinator of, for which they
can perform administrative actions. They can add students to a module edition, and download and upload a form that
contains grades for the tests which are in the module. This can be done for the whole module, or per test individually.
Teachers receive a list of module parts that are a teacher of, with their tests. They can, like module coordinators,
download and upload an excel sheet that contains grades. This can be done per test individually.
"""
model = ModuleEdition
@login_required
@require_http_methods(["GET", "POST"])
@transaction.atomic
def import_module(request, pk):
"""Module import. Use an .xlsx file to submit grades to a module edition
On GET the user is presented with a file upload form.
On POST, the submitted .xlsx file is processed by the system, registering Grade object for each grade in the excel
file. It dynamically detects the tests that are submitted (by exact name match or database ID), and omits extra
columns silently. Also, lines that do not have a filled in student number are ignored. Students that are not
declared as part of the module (def:import_student_to_module) raise an import error.
:param request: Django request
:param pk: Module that grades should be submitted to
:return: A redirect to the Grades module's module view on success. Otherwise a 404 (module does not exist), 403
(no permissions) or 400 (bad excel file or other import error)
"""
person = Person.objects.filter(user=request.user).first()
module_edition = get_object_or_404(ModuleEdition, pk=pk)
if not is_coordinator_or_assistant_of_module(person, module_edition):
raise PermissionDenied('You are not the module coordinator for this course')
if request.method == "POST":
form = GradeUploadForm(request.POST, request.FILES)
if form.is_valid():
title_row = form.cleaned_data.get('title_row') - 1
# Check if /any/ tests and/or grades are imported.
any_tests = False
# List of all tests that are imported.
all_tests = []
sheet = request.FILES['file'].get_book_dict()
for table in sheet:
# Check if the sheet has enough rows
if title_row >= len(sheet[table]) :
return bad_request(request, {'message': 'The file that was uploaded was not recognised as a grade '
'excel file. Are you sure the file is an .xlsx file, and '
'that all fields are present? Otherwise, download a new '
'gradesheet and try using that instead.'})
test_rows = dict()
university_number_field = None
# Detect university_number and test columns
for title_index in range(0, len(sheet[table][title_row])):
# This is the university number column
if ('number' in str(sheet[table][title_row][title_index]).lower()) or \
('nummer' in str(sheet[table][title_row][title_index]).lower()):
university_number_field = title_index
else:
# Attempt to find a Test
# search by ID
try:
test = Test.objects.filter(
pk=sheet[table][title_row][title_index])
if test and test.filter(module_part__module_edition=module_edition):
test_rows[title_index] = sheet[table][title_row][title_index] # pk of Test
any_tests = True
except (ValueError, TypeError):
# search by name
if Test.objects.filter(
name=sheet[table][title_row][title_index]
).filter(module_part__module_edition=pk):
test_rows[title_index] = Test.objects.filter(
name=sheet[table][title_row][title_index]
).filter(module_part__module_edition=pk)[0].pk # pk of Test
any_tests = True
# Else not a test, continue...
if university_number_field is None:
continue # Ignore this sheet
if len(test_rows.keys()) == 0:
continue # Ignore this sheet
# The current user's Person is the corrector of the grades.
teacher = Person.objects.filter(user=request.user).first()
grades = []
# Retrieve Test object beforehand to validate permissions on tests and speed up Grade creation
tests = dict()
test_prefetch = Test.objects.prefetch_related('module_part__module_edition__module')
for test_column in test_rows.keys():
tests[test_column] = test_prefetch.get(pk=test_rows[test_column])
[all_tests.append(test) for test in tests.values() if test]
# Check excel file for invalid students
invalid_students = []
for row in sheet[table][(title_row + 1):]:
if not Studying.objects.filter(person__university_number__contains=row[university_number_field]).filter(
module_edition=pk):
invalid_students.append(row[university_number_field])
# Check for invalid student numbers in the university_number column, but ignore empty fields.
if [student for student in invalid_students if student is not '']:
return bad_request(request, {'message': 'Students {} are not enrolled in this module. '
'Enroll these students first before retrying.'
.format(invalid_students)})
# Make Grades
for row in sheet[table][(title_row + 1):]: # Walk horizontally over table
student = Person.objects.filter(university_number__contains=row[university_number_field]).first()
# check if this is not an empty line, else continue.
if student:
for test_column in test_rows.keys():
try:
grades.append(make_grade(
student=student,
corrector=teacher,
test=tests[test_column],
grade=row[test_column]
))
except GradeException as e: # Called for either: bad grade, grade out of bounds
return HttpResponseBadRequest(e)
save_grades(grades) # Bulk-save grades. Also prevents a partial import of the sheet.
# Check if anything was imported.
if not any_tests:
return bad_request(request, {'message': 'There were no tests recognized to import.'})
return render(request=request,
template_name='importer/successfully_imported.html',
context={'tests': all_tests})
else:
return bad_request(request, {'message': 'The file that was uploaded was not recognised as a grade excel '
'file. Are you sure the file is an .xlsx file? Otherwise, download '
'a new gradesheet and try using that instead.'})
else: # GET request
form = GradeUploadForm()
return render(request, 'importer/importmodule.html', {'form': form, 'pk': pk})
@login_required
@require_http_methods(["GET", "POST"])
@transaction.atomic
def import_module_part(request, pk):
"""Module part import. Use an .xlsx file to submit grades to a module part
On GET the user is presented with a file upload form.
On POST, the submitted .xlsx file is processed by the system, registering Grade object for each grade in the excel
file. It dynamically detects the tests that are submitted (by exact name match or database ID), and omits extra
columns silently. Also, lines that do not have a filled in student number are ignored. Students that are not
declared as part of the module (def:import_student_to_module) raise an import error.
:param request: Django request
:param pk: Module part that grades should be submitted to
:return: A redirect to the Grades course view on success. Otherwise a 404 (module does not exist), 403
(no permissions) or 400 (bad excel file or other import error)
"""
module_part = get_object_or_404(ModulePart, pk=pk)
module_edition = get_object_or_404(ModuleEdition, modulepart=module_part)
person = Person.objects.filter(user=request.user).filter(
Q(coordinator__module_edition__modulepart=module_part) | Q(teacher__module_part=module_part)
).first()
if not ModuleEdition.objects.filter(modulepart=module_part):
raise Http404('Module does not exist.')
if not (is_coordinator_or_assistant_of_module(person, module_edition) or is_coordinator_or_teacher_of_module_part(person, module_part)):
raise PermissionDenied('You are not allowed to do this.')
if request.method == "POST":
form = GradeUploadForm(request.POST, request.FILES)
if form.is_valid():
title_row = form.cleaned_data.get('title_row') - 1
# Check if /any/ tests and/or grades are imported.
any_tests = False
# List of all tests that are imported.
all_tests = []
sheet = request.FILES['file'].get_book_dict()
for table in sheet:
# Check if the sheet has enough rows
if title_row >= len(sheet[table]):
return bad_request(request, {'message': 'The file that was uploaded was not recognised as a grade'
' excel file. Are you sure the file is an .xlsx file, and'
' that all fields are present? Otherwise, download a new'
' gradesheet and try using that instead.'})
test_rows = dict()
university_number_field = None
# Detect university_number and test columns
for title_index in range(0, len(sheet[table][title_row])):
# This is the university number column
if ('number' in str(sheet[table][title_row][title_index]).lower()) or \
('nummer' in str(sheet[table][title_row][title_index]).lower()):
university_number_field = title_index
else:
# Attempt to find a Test
# search by ID
try:
test = Test.objects.filter(
pk=sheet[table][title_row][title_index])
if test and test.filter(module_part=module_part):
test_rows[title_index] = sheet[table][title_row][title_index] # pk of Test
any_tests = True
except (ValueError, TypeError):
pass # Not an int.
# search by name
if Test.objects.filter(module_part=module_part).filter(
name=sheet[table][title_row][title_index]):
test_rows[title_index] = Test.objects.filter(
name=sheet[table][title_row][title_index]
).filter(module_part=module_part)[0].pk # pk of Test
any_tests = True
# Attempt to ignore test altogether.
else:
pass
if university_number_field is None:
continue # Ignore this sheet
if len(test_rows.keys()) == 0:
continue # Ignore this sheet
# The current user's Person is the corrector of the grades.
teacher = Person.objects.filter(user=request.user).first()
grades = []
# Retrieve Test object beforehand to validate permissions on tests and speed up Grade creation
tests = dict()
for test_column in test_rows.keys():
tests[test_column] = Test.objects.get(pk=test_rows[test_column])
[all_tests.append(test) for test in tests.values() if test]
# Check excel file for invalid students
invalid_students = []
for row in sheet[table][(title_row + 1):]:
if not Studying.objects.filter(person__university_number__contains=row[university_number_field]).filter(
module_edition=module_edition):
invalid_students.append(row[university_number_field])
# Check for invalid student numbers in the university_number column, but ignore empty fields.
if [student for student in invalid_students if student is not '']:
return bad_request(request, {'message': 'Students {} are not enrolled in this module.\n '
'Enroll these students first before retrying'
.format(invalid_students)})
# Make Grades
for row in sheet[table][(title_row + 1):]: # Walk horizontally over table
student = Person.objects.filter(university_number__contains=row[university_number_field]).first()
# check if this is not an empty line, else continue.
if student:
for test_column in test_rows.keys():
try:
grades.append(make_grade(
student=student,
corrector=teacher,
test=tests[test_column],
grade=row[test_column]
))
except GradeException as e: # Called for either: bad grade, grade out of bounds
return bad_request(request, {'message': e})
save_grades(grades) # Bulk-save grades. Also prevents a partial import of the sheet.
# Check if anything was imported.
if not any_tests:
return bad_request(request, {'message': 'There were no tests recognized to import.'})
return render(request=request,
template_name='importer/successfully_imported.html',
context={'tests': all_tests})
else:
return bad_request(request, {'message': 'The file uploaded was not recognised as a grade excel file.'
' Are you sure the file is an .xlsx file? Otherwise, download a new'
' gradesheet and try using that instead'})
else: # GET request
form = GradeUploadForm()
return render(request, 'importer/importmodulepart.html', {'form': form, 'pk': pk, 'module_part': module_part})
@login_required
@require_http_methods(["GET", "POST"])
@transaction.atomic
def import_test(request, pk):
""" Test import. Use an .xlsx file to submit grades to a test
On GET the user is presented with a file upload form.
On POST, the submitted .xlsx file is processed by the system, registering Grade object for each grade in the excel
file. Lines that do not have a filled in student number are ignored. Students that are not declared as part of the
module (def:import_student_to_module) the test is in raise an import error.
:param request: Django request
:param pk: Test that grades should be submitted to
:return: A redirect to the Grades module's Test view on success. Otherwise a 404 (module does not exist), 403
(no permissions) or 400 (bad excel file or other import error)
"""
# Check if user is either the module coordinator or teacher of this test.
test = get_object_or_404(Test, pk=pk)
person = Person.objects.filter(user=request.user).first()
if not is_coordinator_or_teacher_of_test(person, test):
raise PermissionDenied('You are not a module coordinator or teacher of this test. Please refer to the'
'module coordinator of this test if you think this is in error.')
if request.method == "POST":
form = TestGradeUploadForm(request.POST, request.FILES)
if form.is_valid():
title_row = form.cleaned_data.get('title_row') - 1
sheet = request.FILES['file'].get_book_dict()
for table in sheet:
# Check dimensions
if not len(sheet[table]) > title_row and len(sheet[table][0]) == 3:
return bad_request(request, {'message': 'The file that was uploaded was not recognised as a grade '
'excel file. Are you sure all columns are present? '
'Otherwise, download a new gradesheet and try using that '
'instead.'})
# Identify columns
try:
student_id_field = sheet[table][title_row].index('university_number')
grade_field = sheet[table][title_row].index('grade')
description_field = sheet[table][title_row].index('description')
except ValueError:
return bad_request(request, {'message': 'One of the required field [student_id, grade, description]'
' could not be found.'})
# The current user's Person is the corrector of the grades.
teacher = Person.objects.filter(user=request.user).first()
# Check excel file for invalid students
invalid_students = []
for row in sheet[table][(title_row + 1):]:
if not Studying.objects.filter(person__university_number=row[0]).filter(
module_edition=test.module_part.module_edition_id):
invalid_students.append(row[0])
# Check for invalid student numbers in the university_number column, but ignore empty fields.
if [student for student in invalid_students if student is not '']:
return bad_request(request, {'message': 'Students {} are not enrolled in this module. '
'Enroll these students first before retrying.'
.format(invalid_students)})
elif invalid_students:
return bad_request(request, {'message': 'There are grades or description fields in this excel sheet'
' that do not have a student number filled in. Please'
' check the contents of your excel file for stale values'
' in rows.'})
grades = []
for row in sheet[table][(title_row + 1):]:
try:
student = Person.objects.get(university_number=row[student_id_field])
# check if this is not an empty line, else continue.
if student:
grades.append(make_grade(
student=student,
corrector=teacher,
test=test,
grade=row[grade_field],
description=row[description_field]
))
except GradeException as e: # Called for either: bad grade, grade out of bounds
return bad_request(request, {'message': e})
save_grades(grades) # Bulk-save grades. Also prevents a partial import of the sheet.
return redirect('grades:test', pk)
else:
return bad_request(request, {'message': 'Bad POST'})
else:
if Test.objects.filter(pk=pk):
form = TestGradeUploadForm()
return render(request, 'importer/importtest.html',
{'test': Test.objects.get(pk=pk), 'form': form, 'pk': pk})
else:
return bad_request(request, {'message', 'Test does not exists'})
@login_required()
@require_http_methods(["GET"])
def export_module(request, pk):
""" Creates an excel sheet that contains all tests against all students in the module. This sheet is compatible with
def:import_module.
:param request: Django request
:param pk: Module ID
:return: A file response containing an .xlsx file.
"""
module_edition = get_object_or_404(ModuleEdition, pk=pk)
person = Person.objects.filter(user=request.user).first()
# Check if user is a module coordinator.
if not is_coordinator_or_assistant_of_module(person, module_edition):
raise PermissionDenied('You are not the module coordinator for this course.')
students = Person.objects.filter(studying__module_edition=module_edition).values('university_number', 'name')
tests = Test.objects.filter(module_part__module_edition=module_edition)
# Pre-fill first few columns.
table = [
['Module:', str(module_edition)]+['' for _ in range(len(tests))],
] + [['' for _ in range(len(tests) + 2)] for _ in range(COLUMN_TITLE_ROW - 4)]
# Add the module part name and test name for each test if there is enough header room.
if COLUMN_TITLE_ROW > 2:
table.append(['', 'Module part >'] + [test.module_part.name for test in tests])
if COLUMN_TITLE_ROW > 1:
table.append(['', 'Test name >'] + [test.name for test in tests])
if COLUMN_TITLE_ROW > 0:
table.append(['', 'Grade between >'] + ['{} - {}'.format(test.minimum_grade, test.maximum_grade) for test in tests])
# Add machine-readable header row.
table.append(['university_number', 'name'] + [test.name for test in tests])
# pre-fill student numbers
for student in students:
table.append([student['university_number'], student['name']] + [None for _ in range(len(tests))])
return excel.make_response_from_array(table,
file_name='Module Grades {} {}-{}.xlsx'.format(module_edition.module.name,
module_edition.year,
module_edition.block),
file_type='xlsx')
@login_required()
@require_http_methods(["GET"])
def export_module_part(request, pk):
""" Creates an excel sheet that contains all tests that are in a course. Used mainly to download sign off excel sheets.
:param request: Django request
:param pk: Module part ID
:return: A file response containing an .xlsx file.
"""
module_part = get_object_or_404(ModulePart, pk=pk)
module_edition = ModuleEdition.objects.get(modulepart=module_part)
person = Person.objects.filter(user=request.user).first()
# Check if user is a module coordinator.
if not is_coordinator_or_teacher_of_module_part(person, module_part):
raise PermissionDenied('You are not the module coordinator for this course.')
students = Person.objects.filter(studying__module_edition=module_edition).values('university_number', 'name')
tests = Test.objects.filter(module_part=module_part).values('pk', 'name', 'minimum_grade', 'maximum_grade')
# Pre-fill first few columns.
table = [['' for _ in range(len(tests) + 2)] for _ in range(COLUMN_TITLE_ROW - 2)]
# Add the module part name and test name for each test if there is enough header room.
if COLUMN_TITLE_ROW > 1:
table.append(['', 'Test name >'] + [test['name'] for test in tests])
if COLUMN_TITLE_ROW > 0:
table.append(['', 'Grade between >'] + ['{} - {}'.format(test['minimum_grade'], test['maximum_grade']) for test in tests])
# Add machine-readable header row.
table.append(['university_number', 'name'] + [test['name'] for test in tests])
# pre-fill student numbers
for student in students:
table.append([student['university_number'], student['name']] + [None for _ in range(len(tests))])
return excel.make_response_from_array(table,
file_name='Sign-off sheet {} {}-{}.xlsx'.format(module_edition.module.name,
module_edition.year,
module_edition.block),
file_type='xlsx')
@login_required()
@require_http_methods(["GET"])
def export_module_part_signoff(request, pk):
""" Creates an excel sheet that contains all tests that are in a course. Used mainly to download sign off excel sheets.
:param request: Django request
:param pk: Module part ID
:return: A file response containing an .xlsx file.
"""
module_part = get_object_or_404(ModulePart, pk=pk)
module_edition = ModuleEdition.objects.get(modulepart=module_part)
person = Person.objects.filter(user=request.user).first()
# Check if user is a module coordinator.
if not is_coordinator_or_teacher_of_module_part(person, module_part):
raise PermissionDenied('You are not the module coordinator for this course.')
students = Person.objects.filter(studying__module_edition=module_edition).values('university_number', 'name')
tests = Test.objects.filter(module_part=module_part, type='A').values('pk', 'name', 'minimum_grade', 'maximum_grade')
# Pre-fill first few columns.
table = [['' for _ in range(len(tests) + 2)] for _ in range(COLUMN_TITLE_ROW - 2)]
# Add the module part name and test name for each test if there is enough header room.
if COLUMN_TITLE_ROW > 1:
table.append(['', 'Test name >'] + [test['name'] for test in tests])
if COLUMN_TITLE_ROW > 0:
table.append(['', 'Grade between >'] + ['{} - {}'.format(test['minimum_grade'], test['maximum_grade']) for test in tests])
# Add machine-readable header row.
table.append(['university_number', 'name'] + [test['name'] for test in tests])
# pre-fill student numbers
for student in students:
table.append([student['university_number'], student['name']] + [None for _ in range(len(tests))])
return excel.make_response_from_array(table,
file_name='Sign-off sheet {} {}-{}.xlsx'.format(module_edition.module.name,
module_edition.year,
module_edition.block),
file_type='xlsx')
@login_required()
@require_http_methods(["GET"])
def export_test(request, pk):
""" Creates an excel sheet that contains all students that may take the test. This sheet is compatible with
def:import_test. It contains a description row, which can be used to submit feedback through.
:param request: Django request
:param pk: Test ID
:return: A file response containing an .xlsx file.
"""
test = get_object_or_404(Test, pk=pk)
person = Person.objects.filter(user=request.user).first()
# Check if user is either the module coordinator or teacher of this test.
if not is_coordinator_or_teacher_of_test(person, test):
raise PermissionDenied('Not allowed to export test.')
students = Person.objects.filter(studying__module_edition__modulepart=test.module_part).values('university_number',
'name')
# Insert padding
table = [
[test.name, "", "grade between:", '{} - {}'.format(test.minimum_grade, test.maximum_grade)]
] + [['', '', '', ''] for _ in range(COLUMN_TITLE_ROW - 1)]
# Insert title row
table.append(['university_number', 'name', 'grade', 'description'])
# Insert student numbers
for student in students:
table.append([student['university_number'], student['name'], '', ''])
return excel.make_response_from_array(table, file_name='Test Grades {} {}-{}.xlsx'
.format(test.name,
test.module_part.module_edition.year,
test.module_part.module_edition.block),
file_type='xlsx')
def make_grade(student: Person, corrector: Person, test: Test, grade, description: str = ''):
""" Helper function that makes Grade objects so they can be inserted in bulk with def:save_grades.
:param student: Person object of the student.
:param corrector: Person object of the corrector.
:param test: Test object.
:param grade: A float that is the grade.
:param description: An optional description.
:return: A grade object, or None (:param grade is empty).
"""
interpreted_grade = 0
if grade == '':
return # Field is empty, assume it does not need to be imported.
try:
interpreted_grade = float(grade)
except (ValueError, TypeError):
if test.type == 'A':
interpreted_grade = 1
else:
raise GradeException('\'{}\' is not a valid input for a grade (found at {}\'s grade for {}.)'
.format(grade, student.name, test)) # Probably a typo, give an error.
if test.minimum_grade > interpreted_grade or interpreted_grade > test.maximum_grade:
raise GradeException(
'Cannot register {}\'s ({}) grade for test {} because it\'s grade ({}) is outside the defined bounds '
'({}-{}).'.format(student.name, student.university_number, test.name, grade, test.minimum_grade,
test.maximum_grade))
# try:
grade_obj = Grade(
student=student,
teacher=corrector,
test=test,
grade=interpreted_grade,
time=timezone.now(),
description=description
)
# except Exception as e:
# raise GradeException(e)
return grade_obj
def save_grades(grades):
""" Helper function that saves all grades to the database.
:param grades: List of Grade objects, which may contain None values. These are ignored.
:return: Nothing.
:raises: GradeException if a grade object is malformed. No grades are saved when this happens.
"""
try:
Grade.objects.bulk_create([grade for grade in grades if grade is not None])
except Exception as e:
raise GradeException('Error when saving grades to te database.' + str(e))
@login_required
def workbook_student_to_module(request, pk):
""" Creates an excel sheet that may be filled in to register students to a module. This sheet is compatible with
def:import_student_to_module.
:param request: Django request
:param pk: Test ID
:return: A file response containing an .xlsx file.
"""
# Check if user is a module coordinator.
module_edition = get_object_or_404(ModuleEdition, pk=pk)
person = Person.objects.filter(user=request.user).first()
if not is_coordinator_or_assistant_of_module(person, module_edition):
raise PermissionDenied('You are not the module coordinator for this course.')
# Insert column titles
table = [['university_number', 'name', 'email', 'role']]
return excel.make_response_from_array(table, file_name='Module import Sheet.xlsx', file_type='xlsx')
@login_required
@require_http_methods(["GET", "POST"])
@transaction.atomic
def import_student_to_module(request, pk):
"""
Take .xlsx file, as produced by def:export_student_import_format and retrieve all students and metainformation from it.
Case 1 - Known User - Add the user to the active module edition with the right study and role by making a new Studying object
Case 2 - Unknown User - Add the student to the database by making a new Person object and proceed like Case 1
Case 3 - Already Added User - Ignore row
The function returns a view in which all newly added users, all users that are now added to the module edition and all users that were already in the module are shown.
:param request: Django request
:param pk: The module edition id
:return: /students-module-imported.html redirect in which all fails, successes and addeds are given
:raises: Permission denied if the user is not the Module Coordinator
:raises: SuspiciousOperation in case of faulty file input
"""
# Check if user is a module coordinator.
module_edition = get_object_or_404(ModuleEdition, pk=pk)
person = Person.objects.filter(user=request.user).first()
if not is_coordinator_or_assistant_of_module(person, module_edition):
raise PermissionDenied('Not allowed to upload students to module.')
if request.method == "POST":
student_form = ImportStudentForm(request.POST, request.FILES)
if student_form.is_valid():
file = request.FILES['file']
dict = file.get_book_dict()
# Select first page
students_to_module = dict[list(dict.keys())[0]]
key_rows = {}
emailpattern = re.compile('e[-]?mail*')
for i in range(0,len(students_to_module[0])):
if 'number' in students_to_module[0][i].lower():
key_rows['number'] = i
elif 'name' in students_to_module[0][i].lower():
key_rows['name'] = i
elif emailpattern.match(students_to_module[0][i].lower()):
key_rows['email'] = i
elif 'role' in students_to_module[0][i].lower():
key_rows['role'] = i
# Check dimensions
if not (len(students_to_module) > 1 and len(key_rows) == 4):
return bad_request(request, {'message': 'Not all required columns [university_number, name, email, '
'role] are in the excel sheet, or no rows to import.'})
context = {'created': [], 'studying': [], 'failed': []}
for i in range(1, len(students_to_module)):
# Sanitize number input
try:
if str(students_to_module[i][key_rows['number']])[0] == 's' and int(students_to_module[i][key_rows['number']][1:]) > 0:
username = str(students_to_module[i][key_rows['number']])
elif str(students_to_module[i][key_rows['number']])[0] == 'm' and int(students_to_module[i][key_rows['number']][1:]) > 0:
return HttpResponseBadRequest('Trying to add an employee as a student to a module.')
elif int(students_to_module[i][key_rows['number']]) > 0:
username = 's{}'.format(str(students_to_module[i][key_rows['number']]))
else:
raise ValueError
except ValueError:
return bad_request(request, {'message': '{} is not a student number.'
.format(students_to_module[i][key_rows['number']])})
user, created = User.objects.get_or_create(
username=username,
defaults={
'email': students_to_module[i][key_rows['email']]
}
)
student, created = Person.objects.get_or_create(
university_number=username,
defaults={
'user': user,
'name': students_to_module[i][key_rows['name']],
'email': students_to_module[i][key_rows['email']],
}
)
# Update name and email
student.name = students_to_module[i][key_rows['name']]
student.email = students_to_module[i][key_rows['email']]
student.save()
if created:
context['created'].append([student.name, student.full_id])
studying, created = Studying.objects.get_or_create(
person=student,
module_edition=ModuleEdition.objects.get(pk=pk),
defaults={
'role': students_to_module[i][key_rows['role']],
}
)
if created:
module_ed = ModuleEdition.objects.get(id=studying.module_edition.pk)
module = Module.objects.get(moduleedition=module_ed)
context['studying'].append(
[student.name, student.full_id, module.name, module_ed.code]) # studying.study])
else:
module_ed = ModuleEdition.objects.get(id=studying.module_edition.pk)
module = Module.objects.get(moduleedition=module_ed)
context['failed'].append(
[student.name, student.full_id, module.name, module_ed.code]) # studying.study])
context['studying'].append(
[student.name, student.full_id, module.name, module_ed.code]) # studying.study])
return render(request, 'importer/students-module-imported.html', context={'context': context})
else:
raise SuspiciousOperation('Bad POST')
else: # if Module_ed.objects.filter(pk=pk):
student_form = ImportStudentModule()
return render(request, 'importer/import-module-student.html',
{'form': student_form, 'pk': pk, 'module_edition': ModuleEdition.objects.get(pk=pk)})
class SuccessfullyImportedView(LoginRequiredMixin, TemplateView):
"""Show a message that summarizes the imported data and warns of extra steps to be taken
"""
template_name = 'importer/successfully_imported.html'
tests = []
class ModuleStructureImporter(LoginRequiredMixin, View):
"""Import to bulk-create Module parts and Tests for a module.
"""
@transaction.atomic
def export_module_structure(request, pk):
""" Returns an excel sheet which can be used to upload the module structure.
:param request: Django request
:param pk: Module edition primary key
:return: Excel worksheet as response.
"""
# Check if user is a module coordinator.
module_edition = get_object_or_404(ModuleEdition, pk=pk)
person = Person.objects.filter(user=request.user).first()
if not is_coordinator_or_assistant_of_module(person, module_edition):
raise PermissionDenied('You are not the module coordinator for this course.')
# Insert column titles
table = [
['Module part:', '<<example>>', '', '(Duplicate this page for each module part)'],
['Test:', '<<example test>>', '<<example signoff>>', ''],
['Min. grade', '1', '0', ''],
['Max. grade', '10', '1', '']
]
return excel.make_response_from_array(table, file_name='Module Structure {}.xlsx'.format(module_edition), file_type='xlsx')
| [
6738,
42625,
14208,
13,
3642,
822,
13,
18439,
13,
12501,
273,
2024,
1330,
17594,
62,
35827,
198,
6738,
42625,
14208,
13,
3642,
822,
13,
18439,
13,
19816,
1040,
1330,
23093,
37374,
35608,
259,
198,
6738,
42625,
14208,
13,
3642,
822,
13,
18439,
13,
27530,
1330,
11787,
198,
6738,
42625,
14208,
13,
7295,
13,
1069,
11755,
1330,
2448,
3411,
21306,
798,
11,
31922,
6243,
32180,
198,
6738,
42625,
14208,
13,
9945,
1330,
8611,
198,
6738,
42625,
14208,
13,
9945,
13,
26791,
1330,
39348,
12331,
198,
6738,
42625,
14208,
13,
4023,
13,
26209,
1330,
367,
29281,
31077,
22069,
18453,
11,
367,
29281,
31077,
1890,
37978,
11,
367,
29281,
31077,
3673,
21077,
11,
367,
29281,
31077,
11,
3467,
198,
220,
220,
220,
367,
29281,
26429,
198,
6738,
42625,
14208,
13,
19509,
23779,
1330,
8543,
11,
18941,
11,
651,
62,
15252,
62,
273,
62,
26429,
198,
6738,
42625,
14208,
13,
26791,
13,
12501,
273,
2024,
1330,
2446,
62,
12501,
273,
1352,
198,
6738,
42625,
14208,
13,
33571,
1330,
14276,
11,
3582,
198,
6738,
42625,
14208,
13,
26791,
1330,
640,
11340,
198,
6738,
42625,
14208,
13,
9945,
13,
27530,
1330,
1195,
198,
11748,
42625,
14208,
62,
1069,
5276,
355,
27336,
198,
6738,
42625,
14208,
13,
33571,
13,
12501,
273,
2024,
13,
4023,
1330,
2421,
62,
4023,
62,
24396,
82,
11,
2421,
62,
18851,
198,
6738,
42625,
14208,
13,
33571,
13,
41357,
1330,
37350,
7680,
11,
5178,
7680,
198,
198,
6738,
7170,
62,
26791,
1330,
1635,
198,
198,
6738,
30415,
13,
33571,
1330,
2089,
62,
25927,
198,
198,
11748,
302,
198,
198,
6738,
1902,
2367,
13,
1069,
11755,
1330,
22653,
16922,
198,
6738,
1902,
2367,
13,
27530,
1330,
19937,
7407,
653,
11,
22653,
11,
6208,
11,
7755,
11,
19937,
7841,
11,
3604,
1112,
11,
19937,
11,
12481,
198,
6738,
848,
4337,
13,
23914,
1330,
22653,
41592,
8479,
11,
6208,
42233,
41592,
8479,
11,
17267,
38778,
8479,
11,
17267,
38778,
26796,
11,
3467,
198,
220,
220,
220,
17267,
26796,
7407,
653,
1273,
5620,
8479,
11,
20444,
5883,
45,
62,
49560,
2538,
62,
49,
3913,
11,
17267,
26796,
8479,
628,
198,
2,
13610,
534,
5009,
994,
13,
198,
4871,
1846,
26634,
15732,
7680,
7,
47790,
37374,
35608,
259,
11,
3582,
2599,
198,
220,
220,
220,
37227,
15732,
1570,
286,
262,
848,
4337,
8265,
13,
3116,
274,
1111,
19937,
22819,
47721,
290,
32426,
13,
628,
220,
220,
220,
19937,
11385,
2024,
389,
5545,
351,
281,
16700,
286,
262,
8265,
23713,
484,
389,
257,
16052,
286,
11,
329,
543,
484,
198,
220,
220,
220,
460,
1620,
11553,
4028,
13,
1119,
460,
751,
2444,
284,
257,
8265,
8313,
11,
290,
4321,
290,
9516,
257,
1296,
326,
198,
220,
220,
220,
4909,
19051,
329,
262,
5254,
543,
389,
287,
262,
8265,
13,
770,
460,
307,
1760,
329,
262,
2187,
8265,
11,
393,
583,
1332,
17033,
13,
628,
220,
220,
220,
32426,
3328,
257,
1351,
286,
8265,
3354,
326,
389,
257,
4701,
286,
11,
351,
511,
5254,
13,
1119,
460,
11,
588,
8265,
11385,
2024,
11,
198,
220,
220,
220,
4321,
290,
9516,
281,
27336,
9629,
326,
4909,
19051,
13,
770,
460,
307,
1760,
583,
1332,
17033,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
2746,
796,
19937,
7407,
653,
628,
198,
198,
31,
38235,
62,
35827,
198,
31,
46115,
62,
4023,
62,
24396,
82,
7,
14692,
18851,
1600,
366,
32782,
8973,
8,
198,
31,
7645,
2673,
13,
47116,
198,
4299,
1330,
62,
21412,
7,
25927,
11,
279,
74,
2599,
198,
220,
220,
220,
37227,
26796,
1330,
13,
5765,
281,
764,
87,
7278,
87,
2393,
284,
9199,
19051,
284,
257,
8265,
8313,
628,
220,
220,
220,
1550,
17151,
262,
2836,
318,
5545,
351,
257,
2393,
9516,
1296,
13,
628,
220,
220,
220,
1550,
24582,
11,
262,
8948,
764,
87,
7278,
87,
2393,
318,
13686,
416,
262,
1080,
11,
28336,
22653,
2134,
329,
1123,
9559,
287,
262,
27336,
198,
220,
220,
220,
2393,
13,
632,
32366,
39382,
262,
5254,
326,
389,
8948,
357,
1525,
2748,
1438,
2872,
393,
6831,
4522,
828,
290,
267,
24883,
3131,
198,
220,
220,
220,
15180,
24595,
13,
4418,
11,
3951,
326,
466,
407,
423,
257,
5901,
287,
3710,
1271,
389,
9514,
13,
14882,
326,
389,
407,
198,
220,
220,
220,
6875,
355,
636,
286,
262,
8265,
357,
4299,
25,
11748,
62,
50139,
62,
1462,
62,
21412,
8,
5298,
281,
1330,
4049,
13,
628,
220,
220,
220,
1058,
17143,
2581,
25,
37770,
2581,
198,
220,
220,
220,
1058,
17143,
279,
74,
25,
19937,
326,
19051,
815,
307,
8948,
284,
198,
220,
220,
220,
1058,
7783,
25,
317,
18941,
284,
262,
1902,
2367,
8265,
338,
8265,
1570,
319,
1943,
13,
15323,
257,
32320,
357,
21412,
857,
407,
2152,
828,
38210,
198,
220,
220,
220,
220,
220,
220,
220,
357,
3919,
21627,
8,
393,
7337,
357,
14774,
27336,
2393,
393,
584,
1330,
4049,
8,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1048,
796,
7755,
13,
48205,
13,
24455,
7,
7220,
28,
25927,
13,
7220,
737,
11085,
3419,
198,
220,
220,
220,
8265,
62,
28736,
796,
651,
62,
15252,
62,
273,
62,
26429,
7,
26796,
7407,
653,
11,
279,
74,
28,
79,
74,
8,
198,
220,
220,
220,
611,
407,
318,
62,
37652,
20900,
62,
273,
62,
562,
10167,
62,
1659,
62,
21412,
7,
6259,
11,
8265,
62,
28736,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
2448,
3411,
21306,
798,
10786,
1639,
389,
407,
262,
8265,
16052,
329,
428,
1781,
11537,
628,
220,
220,
220,
611,
2581,
13,
24396,
6624,
366,
32782,
1298,
198,
220,
220,
220,
220,
220,
220,
220,
1296,
796,
22653,
41592,
8479,
7,
25927,
13,
32782,
11,
2581,
13,
46700,
1546,
8,
628,
220,
220,
220,
220,
220,
220,
220,
611,
1296,
13,
271,
62,
12102,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3670,
62,
808,
796,
1296,
13,
2375,
22739,
62,
7890,
13,
1136,
10786,
7839,
62,
808,
11537,
532,
352,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
611,
1220,
1092,
14,
5254,
290,
14,
273,
19051,
389,
17392,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
597,
62,
41989,
796,
10352,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
7343,
286,
477,
5254,
326,
389,
17392,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
477,
62,
41989,
796,
17635,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9629,
796,
2581,
13,
46700,
1546,
17816,
7753,
6,
4083,
1136,
62,
2070,
62,
11600,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
3084,
287,
9629,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
611,
262,
9629,
468,
1576,
15274,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
3670,
62,
808,
18189,
18896,
7,
21760,
58,
11487,
12962,
1058,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2089,
62,
25927,
7,
25927,
11,
1391,
6,
20500,
10354,
705,
464,
2393,
326,
373,
19144,
373,
407,
20915,
355,
257,
9559,
705,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
1069,
5276,
2393,
13,
4231,
345,
1654,
262,
2393,
318,
281,
764,
87,
7278,
87,
2393,
11,
290,
705,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
5562,
477,
7032,
389,
1944,
30,
15323,
11,
4321,
257,
649,
705,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
31177,
25473,
290,
1949,
1262,
326,
2427,
2637,
30072,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1332,
62,
8516,
796,
8633,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6403,
62,
17618,
62,
3245,
796,
6045,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
35874,
6403,
62,
17618,
290,
1332,
15180,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
3670,
62,
9630,
287,
2837,
7,
15,
11,
18896,
7,
21760,
58,
11487,
7131,
7839,
62,
808,
12962,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
770,
318,
262,
6403,
1271,
5721,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
19203,
17618,
6,
287,
965,
7,
21760,
58,
11487,
7131,
7839,
62,
808,
7131,
7839,
62,
9630,
35944,
21037,
28955,
393,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19203,
22510,
647,
6,
287,
965,
7,
21760,
58,
11487,
7131,
7839,
62,
808,
7131,
7839,
62,
9630,
35944,
21037,
3419,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6403,
62,
17618,
62,
3245,
796,
3670,
62,
9630,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
25770,
284,
1064,
257,
6208,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
2989,
416,
4522,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1332,
796,
6208,
13,
48205,
13,
24455,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
279,
74,
28,
21760,
58,
11487,
7131,
7839,
62,
808,
7131,
7839,
62,
9630,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1332,
290,
1332,
13,
24455,
7,
21412,
62,
3911,
834,
21412,
62,
28736,
28,
21412,
62,
28736,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1332,
62,
8516,
58,
7839,
62,
9630,
60,
796,
9629,
58,
11487,
7131,
7839,
62,
808,
7131,
7839,
62,
9630,
60,
220,
1303,
279,
74,
286,
6208,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
597,
62,
41989,
796,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2845,
357,
11395,
12331,
11,
5994,
12331,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
2989,
416,
1438,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
6208,
13,
48205,
13,
24455,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1438,
28,
21760,
58,
11487,
7131,
7839,
62,
808,
7131,
7839,
62,
9630,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6739,
24455,
7,
21412,
62,
3911,
834,
21412,
62,
28736,
28,
79,
74,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1332,
62,
8516,
58,
7839,
62,
9630,
60,
796,
6208,
13,
48205,
13,
24455,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1438,
28,
21760,
58,
11487,
7131,
7839,
62,
808,
7131,
7839,
62,
9630,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6739,
24455,
7,
21412,
62,
3911,
834,
21412,
62,
28736,
28,
79,
74,
38381,
15,
4083,
79,
74,
220,
1303,
279,
74,
286,
6208,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
597,
62,
41989,
796,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
25974,
407,
257,
1332,
11,
2555,
986,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
6403,
62,
17618,
62,
3245,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2555,
220,
1303,
41032,
428,
9629,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
9288,
62,
8516,
13,
13083,
28955,
6624,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2555,
220,
1303,
41032,
428,
9629,
628,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
383,
1459,
2836,
338,
7755,
318,
262,
3376,
273,
286,
262,
19051,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4701,
796,
7755,
13,
48205,
13,
24455,
7,
7220,
28,
25927,
13,
7220,
737,
11085,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19051,
796,
17635,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
4990,
30227,
6208,
2134,
27091,
284,
26571,
21627,
319,
5254,
290,
2866,
510,
22653,
6282,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5254,
796,
8633,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1332,
62,
3866,
69,
7569,
796,
6208,
13,
48205,
13,
3866,
69,
7569,
62,
5363,
10786,
21412,
62,
3911,
834,
21412,
62,
28736,
834,
21412,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
1332,
62,
28665,
287,
1332,
62,
8516,
13,
13083,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5254,
58,
9288,
62,
28665,
60,
796,
1332,
62,
3866,
69,
7569,
13,
1136,
7,
79,
74,
28,
9288,
62,
8516,
58,
9288,
62,
28665,
12962,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
439,
62,
41989,
13,
33295,
7,
9288,
8,
329,
1332,
287,
5254,
13,
27160,
3419,
611,
1332,
60,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
27336,
2393,
329,
12515,
2444,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12515,
62,
19149,
658,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
5752,
287,
9629,
58,
11487,
7131,
7,
7839,
62,
808,
1343,
352,
2599,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
407,
3604,
1112,
13,
48205,
13,
24455,
7,
6259,
834,
403,
1608,
62,
17618,
834,
3642,
1299,
28,
808,
58,
403,
1608,
62,
17618,
62,
3245,
35944,
24455,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8265,
62,
28736,
28,
79,
74,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12515,
62,
19149,
658,
13,
33295,
7,
808,
58,
403,
1608,
62,
17618,
62,
3245,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
329,
12515,
3710,
3146,
287,
262,
6403,
62,
17618,
5721,
11,
475,
8856,
6565,
7032,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
685,
50139,
329,
3710,
287,
12515,
62,
19149,
658,
611,
3710,
318,
407,
10148,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2089,
62,
25927,
7,
25927,
11,
1391,
6,
20500,
10354,
705,
28239,
23884,
389,
407,
18724,
287,
428,
8265,
13,
705,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
4834,
2487,
777,
2444,
717,
878,
1005,
14992,
2637,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
764,
18982,
7,
259,
12102,
62,
19149,
658,
8,
30072,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
6889,
1902,
2367,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
5752,
287,
9629,
58,
11487,
7131,
7,
7839,
62,
808,
1343,
352,
2599,
5974,
220,
1303,
6857,
36774,
625,
3084,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3710,
796,
7755,
13,
48205,
13,
24455,
7,
403,
1608,
62,
17618,
834,
3642,
1299,
28,
808,
58,
403,
1608,
62,
17618,
62,
3245,
35944,
11085,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
2198,
611,
428,
318,
407,
281,
6565,
1627,
11,
2073,
2555,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
3710,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
1332,
62,
28665,
287,
1332,
62,
8516,
13,
13083,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19051,
13,
33295,
7,
15883,
62,
9526,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3710,
28,
50139,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3376,
273,
28,
660,
3493,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1332,
28,
41989,
58,
9288,
62,
28665,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9559,
28,
808,
58,
9288,
62,
28665,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
15306,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2845,
22653,
16922,
355,
304,
25,
220,
1303,
34099,
329,
2035,
25,
2089,
9559,
11,
9559,
503,
286,
22303,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
367,
29281,
31077,
22069,
18453,
7,
68,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3613,
62,
31177,
7,
31177,
8,
220,
1303,
47900,
12,
21928,
19051,
13,
4418,
15174,
257,
13027,
1330,
286,
262,
9629,
13,
628,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
611,
1997,
373,
17392,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
407,
597,
62,
41989,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2089,
62,
25927,
7,
25927,
11,
1391,
6,
20500,
10354,
705,
1858,
547,
645,
5254,
8018,
284,
1330,
2637,
30072,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
8543,
7,
25927,
28,
25927,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11055,
62,
3672,
11639,
320,
26634,
14,
37351,
62,
320,
9213,
13,
6494,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4732,
34758,
6,
41989,
10354,
477,
62,
41989,
30072,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2089,
62,
25927,
7,
25927,
11,
1391,
6,
20500,
10354,
705,
464,
2393,
326,
373,
19144,
373,
407,
20915,
355,
257,
9559,
27336,
705,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
7753,
13,
4231,
345,
1654,
262,
2393,
318,
281,
764,
87,
7278,
87,
2393,
30,
15323,
11,
4321,
705,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
64,
649,
19051,
25473,
290,
1949,
1262,
326,
2427,
2637,
30072,
198,
220,
220,
220,
2073,
25,
220,
1303,
17151,
2581,
198,
220,
220,
220,
220,
220,
220,
220,
1296,
796,
22653,
41592,
8479,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
8543,
7,
25927,
11,
705,
320,
26634,
14,
11748,
21412,
13,
6494,
3256,
1391,
6,
687,
10354,
1296,
11,
705,
79,
74,
10354,
279,
74,
30072,
628,
198,
31,
38235,
62,
35827,
198,
31,
46115,
62,
4023,
62,
24396,
82,
7,
14692,
18851,
1600,
366,
32782,
8973,
8,
198,
31,
7645,
2673,
13,
47116,
198,
4299,
1330,
62,
21412,
62,
3911,
7,
25927,
11,
279,
74,
2599,
198,
220,
220,
220,
37227,
26796,
636,
1330,
13,
5765,
281,
764,
87,
7278,
87,
2393,
284,
9199,
19051,
284,
257,
8265,
636,
628,
220,
220,
220,
1550,
17151,
262,
2836,
318,
5545,
351,
257,
2393,
9516,
1296,
13,
628,
220,
220,
220,
1550,
24582,
11,
262,
8948,
764,
87,
7278,
87,
2393,
318,
13686,
416,
262,
1080,
11,
28336,
22653,
2134,
329,
1123,
9559,
287,
262,
27336,
198,
220,
220,
220,
2393,
13,
632,
32366,
39382,
262,
5254,
326,
389,
8948,
357,
1525,
2748,
1438,
2872,
393,
6831,
4522,
828,
290,
267,
24883,
3131,
198,
220,
220,
220,
15180,
24595,
13,
4418,
11,
3951,
326,
466,
407,
423,
257,
5901,
287,
3710,
1271,
389,
9514,
13,
14882,
326,
389,
407,
198,
220,
220,
220,
6875,
355,
636,
286,
262,
8265,
357,
4299,
25,
11748,
62,
50139,
62,
1462,
62,
21412,
8,
5298,
281,
1330,
4049,
13,
628,
220,
220,
220,
1058,
17143,
2581,
25,
37770,
2581,
198,
220,
220,
220,
1058,
17143,
279,
74,
25,
19937,
636,
326,
19051,
815,
307,
8948,
284,
198,
220,
220,
220,
1058,
7783,
25,
317,
18941,
284,
262,
1902,
2367,
1781,
1570,
319,
1943,
13,
15323,
257,
32320,
357,
21412,
857,
407,
2152,
828,
38210,
198,
220,
220,
220,
220,
220,
220,
220,
357,
3919,
21627,
8,
393,
7337,
357,
14774,
27336,
2393,
393,
584,
1330,
4049,
8,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
8265,
62,
3911,
796,
651,
62,
15252,
62,
273,
62,
26429,
7,
26796,
7841,
11,
279,
74,
28,
79,
74,
8,
198,
220,
220,
220,
8265,
62,
28736,
796,
651,
62,
15252,
62,
273,
62,
26429,
7,
26796,
7407,
653,
11,
8265,
3911,
28,
21412,
62,
3911,
8,
628,
220,
220,
220,
1048,
796,
7755,
13,
48205,
13,
24455,
7,
7220,
28,
25927,
13,
7220,
737,
24455,
7,
198,
220,
220,
220,
220,
220,
220,
220,
1195,
7,
37652,
20900,
834,
21412,
62,
28736,
834,
21412,
3911,
28,
21412,
62,
3911,
8,
930,
1195,
7,
660,
3493,
834,
21412,
62,
3911,
28,
21412,
62,
3911,
8,
198,
220,
220,
220,
6739,
11085,
3419,
198,
220,
220,
220,
611,
407,
19937,
7407,
653,
13,
48205,
13,
24455,
7,
21412,
3911,
28,
21412,
62,
3911,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
367,
29281,
26429,
10786,
26796,
857,
407,
2152,
2637,
8,
198,
220,
220,
220,
611,
407,
357,
271,
62,
37652,
20900,
62,
273,
62,
562,
10167,
62,
1659,
62,
21412,
7,
6259,
11,
8265,
62,
28736,
8,
393,
318,
62,
37652,
20900,
62,
273,
62,
660,
3493,
62,
1659,
62,
21412,
62,
3911,
7,
6259,
11,
8265,
62,
3911,
8,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
2448,
3411,
21306,
798,
10786,
1639,
389,
407,
3142,
284,
466,
428,
2637,
8,
628,
220,
220,
220,
611,
2581,
13,
24396,
6624,
366,
32782,
1298,
198,
220,
220,
220,
220,
220,
220,
220,
1296,
796,
22653,
41592,
8479,
7,
25927,
13,
32782,
11,
2581,
13,
46700,
1546,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
1296,
13,
271,
62,
12102,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3670,
62,
808,
796,
1296,
13,
2375,
22739,
62,
7890,
13,
1136,
10786,
7839,
62,
808,
11537,
532,
352,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
611,
1220,
1092,
14,
5254,
290,
14,
273,
19051,
389,
17392,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
597,
62,
41989,
796,
10352,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
7343,
286,
477,
5254,
326,
389,
17392,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
477,
62,
41989,
796,
17635,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9629,
796,
2581,
13,
46700,
1546,
17816,
7753,
6,
4083,
1136,
62,
2070,
62,
11600,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
3084,
287,
9629,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
611,
262,
9629,
468,
1576,
15274,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
3670,
62,
808,
18189,
18896,
7,
21760,
58,
11487,
60,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2089,
62,
25927,
7,
25927,
11,
1391,
6,
20500,
10354,
705,
464,
2393,
326,
373,
19144,
373,
407,
20915,
355,
257,
9559,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
27336,
2393,
13,
4231,
345,
1654,
262,
2393,
318,
281,
764,
87,
7278,
87,
2393,
11,
290,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
326,
477,
7032,
389,
1944,
30,
15323,
11,
4321,
257,
649,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
19051,
25473,
290,
1949,
1262,
326,
2427,
2637,
30072,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1332,
62,
8516,
796,
8633,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6403,
62,
17618,
62,
3245,
796,
6045,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
35874,
6403,
62,
17618,
290,
1332,
15180,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
3670,
62,
9630,
287,
2837,
7,
15,
11,
18896,
7,
21760,
58,
11487,
7131,
7839,
62,
808,
12962,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
770,
318,
262,
6403,
1271,
5721,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
19203,
17618,
6,
287,
965,
7,
21760,
58,
11487,
7131,
7839,
62,
808,
7131,
7839,
62,
9630,
35944,
21037,
28955,
393,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19203,
22510,
647,
6,
287,
965,
7,
21760,
58,
11487,
7131,
7839,
62,
808,
7131,
7839,
62,
9630,
35944,
21037,
3419,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6403,
62,
17618,
62,
3245,
796,
3670,
62,
9630,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
25770,
284,
1064,
257,
6208,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
2989,
416,
4522,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1332,
796,
6208,
13,
48205,
13,
24455,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
279,
74,
28,
21760,
58,
11487,
7131,
7839,
62,
808,
7131,
7839,
62,
9630,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1332,
290,
1332,
13,
24455,
7,
21412,
62,
3911,
28,
21412,
62,
3911,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1332,
62,
8516,
58,
7839,
62,
9630,
60,
796,
9629,
58,
11487,
7131,
7839,
62,
808,
7131,
7839,
62,
9630,
60,
220,
1303,
279,
74,
286,
6208,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
597,
62,
41989,
796,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2845,
357,
11395,
12331,
11,
5994,
12331,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1208,
220,
1303,
1892,
281,
493,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
2989,
416,
1438,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
6208,
13,
48205,
13,
24455,
7,
21412,
62,
3911,
28,
21412,
62,
3911,
737,
24455,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1438,
28,
21760,
58,
11487,
7131,
7839,
62,
808,
7131,
7839,
62,
9630,
60,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1332,
62,
8516,
58,
7839,
62,
9630,
60,
796,
6208,
13,
48205,
13,
24455,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1438,
28,
21760,
58,
11487,
7131,
7839,
62,
808,
7131,
7839,
62,
9630,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6739,
24455,
7,
21412,
62,
3911,
28,
21412,
62,
3911,
38381,
15,
4083,
79,
74,
220,
1303,
279,
74,
286,
6208,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
597,
62,
41989,
796,
6407,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
25770,
284,
8856,
1332,
13318,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1208,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
6403,
62,
17618,
62,
3245,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2555,
220,
1303,
41032,
428,
9629,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
9288,
62,
8516,
13,
13083,
28955,
6624,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2555,
220,
1303,
41032,
428,
9629,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
383,
1459,
2836,
338,
7755,
318,
262,
3376,
273,
286,
262,
19051,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4701,
796,
7755,
13,
48205,
13,
24455,
7,
7220,
28,
25927,
13,
7220,
737,
11085,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19051,
796,
17635,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
4990,
30227,
6208,
2134,
27091,
284,
26571,
21627,
319,
5254,
290,
2866,
510,
22653,
6282,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5254,
796,
8633,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
1332,
62,
28665,
287,
1332,
62,
8516,
13,
13083,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5254,
58,
9288,
62,
28665,
60,
796,
6208,
13,
48205,
13,
1136,
7,
79,
74,
28,
9288,
62,
8516,
58,
9288,
62,
28665,
12962,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
439,
62,
41989,
13,
33295,
7,
9288,
8,
329,
1332,
287,
5254,
13,
27160,
3419,
611,
1332,
60,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
27336,
2393,
329,
12515,
2444,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12515,
62,
19149,
658,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
5752,
287,
9629,
58,
11487,
7131,
7,
7839,
62,
808,
1343,
352,
2599,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
407,
3604,
1112,
13,
48205,
13,
24455,
7,
6259,
834,
403,
1608,
62,
17618,
834,
3642,
1299,
28,
808,
58,
403,
1608,
62,
17618,
62,
3245,
35944,
24455,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8265,
62,
28736,
28,
21412,
62,
28736,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12515,
62,
19149,
658,
13,
33295,
7,
808,
58,
403,
1608,
62,
17618,
62,
3245,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
329,
12515,
3710,
3146,
287,
262,
6403,
62,
17618,
5721,
11,
475,
8856,
6565,
7032,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
685,
50139,
329,
3710,
287,
12515,
62,
19149,
658,
611,
3710,
318,
407,
10148,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2089,
62,
25927,
7,
25927,
11,
1391,
6,
20500,
10354,
705,
28239,
23884,
389,
407,
18724,
287,
428,
8265,
13,
59,
77,
705,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
4834,
2487,
777,
2444,
717,
878,
1005,
14992,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
764,
18982,
7,
259,
12102,
62,
19149,
658,
8,
30072,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
6889,
1902,
2367,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
5752,
287,
9629,
58,
11487,
7131,
7,
7839,
62,
808,
1343,
352,
2599,
5974,
220,
1303,
6857,
36774,
625,
3084,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3710,
796,
7755,
13,
48205,
13,
24455,
7,
403,
1608,
62,
17618,
834,
3642,
1299,
28,
808,
58,
403,
1608,
62,
17618,
62,
3245,
35944,
11085,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
2198,
611,
428,
318,
407,
281,
6565,
1627,
11,
2073,
2555,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
3710,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
1332,
62,
28665,
287,
1332,
62,
8516,
13,
13083,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19051,
13,
33295,
7,
15883,
62,
9526,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3710,
28,
50139,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3376,
273,
28,
660,
3493,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1332,
28,
41989,
58,
9288,
62,
28665,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9559,
28,
808,
58,
9288,
62,
28665,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
15306,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2845,
22653,
16922,
355,
304,
25,
220,
1303,
34099,
329,
2035,
25,
2089,
9559,
11,
9559,
503,
286,
22303,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2089,
62,
25927,
7,
25927,
11,
1391,
6,
20500,
10354,
304,
30072,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3613,
62,
31177,
7,
31177,
8,
220,
1303,
47900,
12,
21928,
19051,
13,
4418,
15174,
257,
13027,
1330,
286,
262,
9629,
13,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
611,
1997,
373,
17392,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
407,
597,
62,
41989,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2089,
62,
25927,
7,
25927,
11,
1391,
6,
20500,
10354,
705,
1858,
547,
645,
5254,
8018,
284,
1330,
2637,
30072,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
8543,
7,
25927,
28,
25927,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11055,
62,
3672,
11639,
320,
26634,
14,
37351,
62,
320,
9213,
13,
6494,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4732,
34758,
6,
41989,
10354,
477,
62,
41989,
30072,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2089,
62,
25927,
7,
25927,
11,
1391,
6,
20500,
10354,
705,
464,
2393,
19144,
373,
407,
20915,
355,
257,
9559,
27336,
2393,
2637,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
4231,
345,
1654,
262,
2393,
318,
281,
764,
87,
7278,
87,
2393,
30,
15323,
11,
4321,
257,
649,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
19051,
25473,
290,
1949,
1262,
326,
2427,
6,
30072,
198,
220,
220,
220,
2073,
25,
220,
1303,
17151,
2581,
198,
220,
220,
220,
220,
220,
220,
220,
1296,
796,
22653,
41592,
8479,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
8543,
7,
25927,
11,
705,
320,
26634,
14,
11748,
21412,
3911,
13,
6494,
3256,
1391,
6,
687,
10354,
1296,
11,
705,
79,
74,
10354,
279,
74,
11,
705,
21412,
62,
3911,
10354,
8265,
62,
3911,
30072,
628,
198,
31,
38235,
62,
35827,
198,
31,
46115,
62,
4023,
62,
24396,
82,
7,
14692,
18851,
1600,
366,
32782,
8973,
8,
198,
31,
7645,
2673,
13,
47116,
198,
4299,
1330,
62,
9288,
7,
25927,
11,
279,
74,
2599,
198,
220,
220,
220,
37227,
6208,
1330,
13,
5765,
281,
764,
87,
7278,
87,
2393,
284,
9199,
19051,
284,
257,
1332,
628,
220,
220,
220,
1550,
17151,
262,
2836,
318,
5545,
351,
257,
2393,
9516,
1296,
13,
628,
220,
220,
220,
1550,
24582,
11,
262,
8948,
764,
87,
7278,
87,
2393,
318,
13686,
416,
262,
1080,
11,
28336,
22653,
2134,
329,
1123,
9559,
287,
262,
27336,
198,
220,
220,
220,
2393,
13,
26299,
326,
466,
407,
423,
257,
5901,
287,
3710,
1271,
389,
9514,
13,
14882,
326,
389,
407,
6875,
355,
636,
286,
262,
198,
220,
220,
220,
8265,
357,
4299,
25,
11748,
62,
50139,
62,
1462,
62,
21412,
8,
262,
1332,
318,
287,
5298,
281,
1330,
4049,
13,
628,
220,
220,
220,
1058,
17143,
2581,
25,
37770,
2581,
198,
220,
220,
220,
1058,
17143,
279,
74,
25,
6208,
326,
19051,
815,
307,
8948,
284,
198,
220,
220,
220,
1058,
7783,
25,
317,
18941,
284,
262,
1902,
2367,
8265,
338,
6208,
1570,
319,
1943,
13,
15323,
257,
32320,
357,
21412,
857,
407,
2152,
828,
38210,
198,
220,
220,
220,
220,
220,
220,
220,
357,
3919,
21627,
8,
393,
7337,
357,
14774,
27336,
2393,
393,
584,
1330,
4049,
8,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1303,
6822,
611,
2836,
318,
2035,
262,
8265,
16052,
393,
4701,
286,
428,
1332,
13,
198,
220,
220,
220,
1332,
796,
651,
62,
15252,
62,
273,
62,
26429,
7,
14402,
11,
279,
74,
28,
79,
74,
8,
198,
220,
220,
220,
1048,
796,
7755,
13,
48205,
13,
24455,
7,
7220,
28,
25927,
13,
7220,
737,
11085,
3419,
628,
220,
220,
220,
611,
407,
318,
62,
37652,
20900,
62,
273,
62,
660,
3493,
62,
1659,
62,
9288,
7,
6259,
11,
1332,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
2448,
3411,
21306,
798,
10786,
1639,
389,
407,
257,
8265,
16052,
393,
4701,
286,
428,
1332,
13,
4222,
3522,
284,
262,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
21412,
16052,
286,
428,
1332,
611,
345,
892,
428,
318,
287,
4049,
2637,
8,
628,
220,
220,
220,
611,
2581,
13,
24396,
6624,
366,
32782,
1298,
198,
220,
220,
220,
220,
220,
220,
220,
1296,
796,
6208,
42233,
41592,
8479,
7,
25927,
13,
32782,
11,
2581,
13,
46700,
1546,
8,
628,
220,
220,
220,
220,
220,
220,
220,
611,
1296,
13,
271,
62,
12102,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3670,
62,
808,
796,
1296,
13,
2375,
22739,
62,
7890,
13,
1136,
10786,
7839,
62,
808,
11537,
532,
352,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9629,
796,
2581,
13,
46700,
1546,
17816,
7753,
6,
4083,
1136,
62,
2070,
62,
11600,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
3084,
287,
9629,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
15225,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
407,
18896,
7,
21760,
58,
11487,
12962,
1875,
3670,
62,
808,
290,
18896,
7,
21760,
58,
11487,
7131,
15,
12962,
6624,
513,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2089,
62,
25927,
7,
25927,
11,
1391,
6,
20500,
10354,
705,
464,
2393,
326,
373,
19144,
373,
407,
20915,
355,
257,
9559,
705,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
1069,
5276,
2393,
13,
4231,
345,
1654,
477,
15180,
389,
1944,
30,
705,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
48059,
11,
4321,
257,
649,
19051,
25473,
290,
1949,
1262,
326,
705,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
38070,
2637,
30072,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
11440,
1958,
15180,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3710,
62,
312,
62,
3245,
796,
9629,
58,
11487,
7131,
7839,
62,
808,
4083,
9630,
10786,
403,
1608,
62,
17618,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9559,
62,
3245,
796,
9629,
58,
11487,
7131,
7839,
62,
808,
4083,
9630,
10786,
9526,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6764,
62,
3245,
796,
9629,
58,
11487,
7131,
7839,
62,
808,
4083,
9630,
10786,
11213,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2845,
11052,
12331,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2089,
62,
25927,
7,
25927,
11,
1391,
6,
20500,
10354,
705,
3198,
286,
262,
2672,
2214,
685,
50139,
62,
312,
11,
9559,
11,
6764,
49946,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
714,
407,
307,
1043,
2637,
30072,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
383,
1459,
2836,
338,
7755,
318,
262,
3376,
273,
286,
262,
19051,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4701,
796,
7755,
13,
48205,
13,
24455,
7,
7220,
28,
25927,
13,
7220,
737,
11085,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
27336,
2393,
329,
12515,
2444,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12515,
62,
19149,
658,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
5752,
287,
9629,
58,
11487,
7131,
7,
7839,
62,
808,
1343,
352,
2599,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
407,
3604,
1112,
13,
48205,
13,
24455,
7,
6259,
834,
403,
1608,
62,
17618,
28,
808,
58,
15,
35944,
24455,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8265,
62,
28736,
28,
9288,
13,
21412,
62,
3911,
13,
21412,
62,
28736,
62,
312,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12515,
62,
19149,
658,
13,
33295,
7,
808,
58,
15,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
329,
12515,
3710,
3146,
287,
262,
6403,
62,
17618,
5721,
11,
475,
8856,
6565,
7032,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
685,
50139,
329,
3710,
287,
12515,
62,
19149,
658,
611,
3710,
318,
407,
10148,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2089,
62,
25927,
7,
25927,
11,
1391,
6,
20500,
10354,
705,
28239,
23884,
389,
407,
18724,
287,
428,
8265,
13,
705,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
4834,
2487,
777,
2444,
717,
878,
1005,
14992,
2637,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
764,
18982,
7,
259,
12102,
62,
19149,
658,
8,
30072,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
12515,
62,
19149,
658,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2089,
62,
25927,
7,
25927,
11,
1391,
6,
20500,
10354,
705,
1858,
389,
19051,
393,
6764,
7032,
287,
428,
27336,
9629,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
326,
466,
407,
423,
257,
3710,
1271,
5901,
287,
13,
4222,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
2198,
262,
10154,
286,
534,
27336,
2393,
329,
39985,
3815,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
287,
15274,
2637,
30072,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19051,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
5752,
287,
9629,
58,
11487,
7131,
7,
7839,
62,
808,
1343,
352,
2599,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3710,
796,
7755,
13,
48205,
13,
1136,
7,
403,
1608,
62,
17618,
28,
808,
58,
50139,
62,
312,
62,
3245,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
2198,
611,
428,
318,
407,
281,
6565,
1627,
11,
2073,
2555,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
3710,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19051,
13,
33295,
7,
15883,
62,
9526,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3710,
28,
50139,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3376,
273,
28,
660,
3493,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1332,
28,
9288,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9559,
28,
808,
58,
9526,
62,
3245,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6764,
28,
808,
58,
11213,
62,
3245,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
15306,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2845,
22653,
16922,
355,
304,
25,
220,
1303,
34099,
329,
2035,
25,
2089,
9559,
11,
9559,
503,
286,
22303,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2089,
62,
25927,
7,
25927,
11,
1391,
6,
20500,
10354,
304,
30072,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3613,
62,
31177,
7,
31177,
8,
220,
1303,
47900,
12,
21928,
19051,
13,
4418,
15174,
257,
13027,
1330,
286,
262,
9629,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
18941,
10786,
31177,
25,
9288,
3256,
279,
74,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2089,
62,
25927,
7,
25927,
11,
1391,
6,
20500,
10354,
705,
22069,
24582,
6,
30072,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
611,
6208,
13,
48205,
13,
24455,
7,
79,
74,
28,
79,
74,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1296,
796,
6208,
42233,
41592,
8479,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
8543,
7,
25927,
11,
705,
320,
26634,
14,
11748,
9288,
13,
6494,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1391,
6,
9288,
10354,
6208,
13,
48205,
13,
1136,
7,
79,
74,
28,
79,
74,
828,
705,
687,
10354,
1296,
11,
705,
79,
74,
10354,
279,
74,
30072,
628,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2089,
62,
25927,
7,
25927,
11,
1391,
6,
20500,
3256,
705,
14402,
857,
407,
7160,
6,
30072,
628,
198,
31,
38235,
62,
35827,
3419,
198,
31,
46115,
62,
4023,
62,
24396,
82,
7,
14692,
18851,
8973,
8,
198,
4299,
10784,
62,
21412,
7,
25927,
11,
279,
74,
2599,
198,
220,
220,
220,
37227,
7921,
274,
281,
27336,
9629,
326,
4909,
477,
5254,
1028,
477,
2444,
287,
262,
8265,
13,
770,
9629,
318,
11670,
351,
198,
220,
220,
220,
825,
25,
11748,
62,
21412,
13,
628,
220,
220,
220,
1058,
17143,
2581,
25,
37770,
2581,
198,
220,
220,
220,
1058,
17143,
279,
74,
25,
19937,
4522,
198,
220,
220,
220,
1058,
7783,
25,
317,
2393,
2882,
7268,
281,
764,
87,
7278,
87,
2393,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
8265,
62,
28736,
796,
651,
62,
15252,
62,
273,
62,
26429,
7,
26796,
7407,
653,
11,
279,
74,
28,
79,
74,
8,
198,
220,
220,
220,
1048,
796,
7755,
13,
48205,
13,
24455,
7,
7220,
28,
25927,
13,
7220,
737,
11085,
3419,
628,
220,
220,
220,
1303,
6822,
611,
2836,
318,
257,
8265,
16052,
13,
198,
220,
220,
220,
611,
407,
318,
62,
37652,
20900,
62,
273,
62,
562,
10167,
62,
1659,
62,
21412,
7,
6259,
11,
8265,
62,
28736,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
2448,
3411,
21306,
798,
10786,
1639,
389,
407,
262,
8265,
16052,
329,
428,
1781,
2637,
8,
628,
220,
220,
220,
2444,
796,
7755,
13,
48205,
13,
24455,
7,
19149,
1112,
834,
21412,
62,
28736,
28,
21412,
62,
28736,
737,
27160,
10786,
403,
1608,
62,
17618,
3256,
705,
3672,
11537,
198,
220,
220,
220,
5254,
796,
6208,
13,
48205,
13,
24455,
7,
21412,
62,
3911,
834,
21412,
62,
28736,
28,
21412,
62,
28736,
8,
628,
220,
220,
220,
1303,
3771,
12,
20797,
717,
1178,
15180,
13,
198,
220,
220,
220,
3084,
796,
685,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
37250,
26796,
25,
3256,
965,
7,
21412,
62,
28736,
15437,
10,
58,
7061,
329,
4808,
287,
2837,
7,
11925,
7,
41989,
4008,
4357,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2361,
1343,
16410,
7061,
329,
4808,
287,
2837,
7,
11925,
7,
41989,
8,
1343,
362,
15437,
329,
4808,
287,
2837,
7,
25154,
5883,
45,
62,
49560,
2538,
62,
49,
3913,
532,
604,
15437,
628,
220,
220,
220,
1303,
3060,
262,
8265,
636,
1438,
290,
1332,
1438,
329,
1123,
1332,
611,
612,
318,
1576,
13639,
2119,
13,
198,
220,
220,
220,
611,
20444,
5883,
45,
62,
49560,
2538,
62,
49,
3913,
1875,
362,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3084,
13,
33295,
7,
17816,
3256,
705,
26796,
636,
1875,
20520,
1343,
685,
9288,
13,
21412,
62,
3911,
13,
3672,
329,
1332,
287,
5254,
12962,
198,
220,
220,
220,
611,
20444,
5883,
45,
62,
49560,
2538,
62,
49,
3913,
1875,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3084,
13,
33295,
7,
17816,
3256,
705,
14402,
1438,
1875,
20520,
1343,
685,
9288,
13,
3672,
329,
1332,
287,
5254,
12962,
198,
220,
220,
220,
611,
20444,
5883,
45,
62,
49560,
2538,
62,
49,
3913,
1875,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3084,
13,
33295,
7,
17816,
3256,
705,
42233,
1022,
1875,
20520,
1343,
37250,
90,
92,
532,
23884,
4458,
18982,
7,
9288,
13,
39504,
62,
9526,
11,
1332,
13,
47033,
62,
9526,
8,
329,
1332,
287,
5254,
12962,
628,
220,
220,
220,
1303,
3060,
4572,
12,
46155,
13639,
5752,
13,
198,
220,
220,
220,
3084,
13,
33295,
7,
17816,
403,
1608,
62,
17618,
3256,
705,
3672,
20520,
1343,
685,
9288,
13,
3672,
329,
1332,
287,
5254,
12962,
628,
220,
220,
220,
1303,
662,
12,
20797,
3710,
3146,
198,
220,
220,
220,
329,
3710,
287,
2444,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3084,
13,
33295,
26933,
50139,
17816,
403,
1608,
62,
17618,
6,
4357,
3710,
17816,
3672,
6,
11907,
1343,
685,
14202,
329,
4808,
287,
2837,
7,
11925,
7,
41989,
4008,
12962,
628,
220,
220,
220,
1441,
27336,
13,
15883,
62,
26209,
62,
6738,
62,
18747,
7,
11487,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2393,
62,
3672,
11639,
26796,
1902,
2367,
23884,
23884,
12,
90,
27422,
87,
7278,
87,
4458,
18982,
7,
21412,
62,
28736,
13,
21412,
13,
3672,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8265,
62,
28736,
13,
1941,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8265,
62,
28736,
13,
9967,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2393,
62,
4906,
11639,
87,
7278,
87,
11537,
628,
198,
31,
38235,
62,
35827,
3419,
198,
31,
46115,
62,
4023,
62,
24396,
82,
7,
14692,
18851,
8973,
8,
198,
4299,
10784,
62,
21412,
62,
3911,
7,
25927,
11,
279,
74,
2599,
198,
220,
220,
220,
37227,
7921,
274,
281,
27336,
9629,
326,
4909,
477,
5254,
326,
389,
287,
257,
1781,
13,
16718,
8384,
284,
4321,
1051,
572,
27336,
15747,
13,
628,
220,
220,
220,
1058,
17143,
2581,
25,
37770,
2581,
198,
220,
220,
220,
1058,
17143,
279,
74,
25,
19937,
636,
4522,
198,
220,
220,
220,
1058,
7783,
25,
317,
2393,
2882,
7268,
281,
764,
87,
7278,
87,
2393,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
8265,
62,
3911,
796,
651,
62,
15252,
62,
273,
62,
26429,
7,
26796,
7841,
11,
279,
74,
28,
79,
74,
8,
198,
220,
220,
220,
8265,
62,
28736,
796,
19937,
7407,
653,
13,
48205,
13,
1136,
7,
21412,
3911,
28,
21412,
62,
3911,
8,
198,
220,
220,
220,
1048,
796,
7755,
13,
48205,
13,
24455,
7,
7220,
28,
25927,
13,
7220,
737,
11085,
3419,
628,
220,
220,
220,
1303,
6822,
611,
2836,
318,
257,
8265,
16052,
13,
198,
220,
220,
220,
611,
407,
318,
62,
37652,
20900,
62,
273,
62,
660,
3493,
62,
1659,
62,
21412,
62,
3911,
7,
6259,
11,
8265,
62,
3911,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
2448,
3411,
21306,
798,
10786,
1639,
389,
407,
262,
8265,
16052,
329,
428,
1781,
2637,
8,
628,
220,
220,
220,
2444,
796,
7755,
13,
48205,
13,
24455,
7,
19149,
1112,
834,
21412,
62,
28736,
28,
21412,
62,
28736,
737,
27160,
10786,
403,
1608,
62,
17618,
3256,
705,
3672,
11537,
198,
220,
220,
220,
5254,
796,
6208,
13,
48205,
13,
24455,
7,
21412,
62,
3911,
28,
21412,
62,
3911,
737,
27160,
10786,
79,
74,
3256,
705,
3672,
3256,
705,
39504,
62,
9526,
3256,
705,
47033,
62,
9526,
11537,
628,
220,
220,
220,
1303,
3771,
12,
20797,
717,
1178,
15180,
13,
198,
220,
220,
220,
3084,
796,
16410,
7061,
329,
4808,
287,
2837,
7,
11925,
7,
41989,
8,
1343,
362,
15437,
329,
4808,
287,
2837,
7,
25154,
5883,
45,
62,
49560,
2538,
62,
49,
3913,
532,
362,
15437,
628,
220,
220,
220,
1303,
3060,
262,
8265,
636,
1438,
290,
1332,
1438,
329,
1123,
1332,
611,
612,
318,
1576,
13639,
2119,
13,
198,
220,
220,
220,
611,
20444,
5883,
45,
62,
49560,
2538,
62,
49,
3913,
1875,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3084,
13,
33295,
7,
17816,
3256,
705,
14402,
1438,
1875,
20520,
1343,
685,
9288,
17816,
3672,
20520,
329,
1332,
287,
5254,
12962,
198,
220,
220,
220,
611,
20444,
5883,
45,
62,
49560,
2538,
62,
49,
3913,
1875,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3084,
13,
33295,
7,
17816,
3256,
705,
42233,
1022,
1875,
20520,
1343,
37250,
90,
92,
532,
23884,
4458,
18982,
7,
9288,
17816,
39504,
62,
9526,
6,
4357,
1332,
17816,
47033,
62,
9526,
6,
12962,
329,
1332,
287,
5254,
12962,
628,
220,
220,
220,
1303,
3060,
4572,
12,
46155,
13639,
5752,
13,
198,
220,
220,
220,
3084,
13,
33295,
7,
17816,
403,
1608,
62,
17618,
3256,
705,
3672,
20520,
1343,
685,
9288,
17816,
3672,
20520,
329,
1332,
287,
5254,
12962,
628,
220,
220,
220,
1303,
662,
12,
20797,
3710,
3146,
198,
220,
220,
220,
329,
3710,
287,
2444,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3084,
13,
33295,
26933,
50139,
17816,
403,
1608,
62,
17618,
6,
4357,
3710,
17816,
3672,
6,
11907,
1343,
685,
14202,
329,
4808,
287,
2837,
7,
11925,
7,
41989,
4008,
12962,
628,
220,
220,
220,
1441,
27336,
13,
15883,
62,
26209,
62,
6738,
62,
18747,
7,
11487,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2393,
62,
3672,
11639,
11712,
12,
2364,
9629,
23884,
23884,
12,
90,
27422,
87,
7278,
87,
4458,
18982,
7,
21412,
62,
28736,
13,
21412,
13,
3672,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8265,
62,
28736,
13,
1941,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8265,
62,
28736,
13,
9967,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2393,
62,
4906,
11639,
87,
7278,
87,
11537,
628,
198,
31,
38235,
62,
35827,
3419,
198,
31,
46115,
62,
4023,
62,
24396,
82,
7,
14692,
18851,
8973,
8,
198,
4299,
10784,
62,
21412,
62,
3911,
62,
12683,
2364,
7,
25927,
11,
279,
74,
2599,
198,
220,
220,
220,
37227,
7921,
274,
281,
27336,
9629,
326,
4909,
477,
5254,
326,
389,
287,
257,
1781,
13,
16718,
8384,
284,
4321,
1051,
572,
27336,
15747,
13,
628,
220,
220,
220,
1058,
17143,
2581,
25,
37770,
2581,
198,
220,
220,
220,
1058,
17143,
279,
74,
25,
19937,
636,
4522,
198,
220,
220,
220,
1058,
7783,
25,
317,
2393,
2882,
7268,
281,
764,
87,
7278,
87,
2393,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
8265,
62,
3911,
796,
651,
62,
15252,
62,
273,
62,
26429,
7,
26796,
7841,
11,
279,
74,
28,
79,
74,
8,
198,
220,
220,
220,
8265,
62,
28736,
796,
19937,
7407,
653,
13,
48205,
13,
1136,
7,
21412,
3911,
28,
21412,
62,
3911,
8,
198,
220,
220,
220,
1048,
796,
7755,
13,
48205,
13,
24455,
7,
7220,
28,
25927,
13,
7220,
737,
11085,
3419,
628,
220,
220,
220,
1303,
6822,
611,
2836,
318,
257,
8265,
16052,
13,
198,
220,
220,
220,
611,
407,
318,
62,
37652,
20900,
62,
273,
62,
660,
3493,
62,
1659,
62,
21412,
62,
3911,
7,
6259,
11,
8265,
62,
3911,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
2448,
3411,
21306,
798,
10786,
1639,
389,
407,
262,
8265,
16052,
329,
428,
1781,
2637,
8,
628,
220,
220,
220,
2444,
796,
7755,
13,
48205,
13,
24455,
7,
19149,
1112,
834,
21412,
62,
28736,
28,
21412,
62,
28736,
737,
27160,
10786,
403,
1608,
62,
17618,
3256,
705,
3672,
11537,
198,
220,
220,
220,
5254,
796,
6208,
13,
48205,
13,
24455,
7,
21412,
62,
3911,
28,
21412,
62,
3911,
11,
2099,
11639,
32,
27691,
27160,
10786,
79,
74,
3256,
705,
3672,
3256,
705,
39504,
62,
9526,
3256,
705,
47033,
62,
9526,
11537,
628,
220,
220,
220,
1303,
3771,
12,
20797,
717,
1178,
15180,
13,
198,
220,
220,
220,
3084,
796,
16410,
7061,
329,
4808,
287,
2837,
7,
11925,
7,
41989,
8,
1343,
362,
15437,
329,
4808,
287,
2837,
7,
25154,
5883,
45,
62,
49560,
2538,
62,
49,
3913,
532,
362,
15437,
628,
220,
220,
220,
1303,
3060,
262,
8265,
636,
1438,
290,
1332,
1438,
329,
1123,
1332,
611,
612,
318,
1576,
13639,
2119,
13,
198,
220,
220,
220,
611,
20444,
5883,
45,
62,
49560,
2538,
62,
49,
3913,
1875,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3084,
13,
33295,
7,
17816,
3256,
705,
14402,
1438,
1875,
20520,
1343,
685,
9288,
17816,
3672,
20520,
329,
1332,
287,
5254,
12962,
198,
220,
220,
220,
611,
20444,
5883,
45,
62,
49560,
2538,
62,
49,
3913,
1875,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3084,
13,
33295,
7,
17816,
3256,
705,
42233,
1022,
1875,
20520,
1343,
37250,
90,
92,
532,
23884,
4458,
18982,
7,
9288,
17816,
39504,
62,
9526,
6,
4357,
1332,
17816,
47033,
62,
9526,
6,
12962,
329,
1332,
287,
5254,
12962,
628,
220,
220,
220,
1303,
3060,
4572,
12,
46155,
13639,
5752,
13,
198,
220,
220,
220,
3084,
13,
33295,
7,
17816,
403,
1608,
62,
17618,
3256,
705,
3672,
20520,
1343,
685,
9288,
17816,
3672,
20520,
329,
1332,
287,
5254,
12962,
628,
220,
220,
220,
1303,
662,
12,
20797,
3710,
3146,
198,
220,
220,
220,
329,
3710,
287,
2444,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3084,
13,
33295,
26933,
50139,
17816,
403,
1608,
62,
17618,
6,
4357,
3710,
17816,
3672,
6,
11907,
1343,
685,
14202,
329,
4808,
287,
2837,
7,
11925,
7,
41989,
4008,
12962,
628,
220,
220,
220,
1441,
27336,
13,
15883,
62,
26209,
62,
6738,
62,
18747,
7,
11487,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2393,
62,
3672,
11639,
11712,
12,
2364,
9629,
23884,
23884,
12,
90,
27422,
87,
7278,
87,
4458,
18982,
7,
21412,
62,
28736,
13,
21412,
13,
3672,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8265,
62,
28736,
13,
1941,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8265,
62,
28736,
13,
9967,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2393,
62,
4906,
11639,
87,
7278,
87,
11537,
198,
198,
31,
38235,
62,
35827,
3419,
198,
31,
46115,
62,
4023,
62,
24396,
82,
7,
14692,
18851,
8973,
8,
198,
4299,
10784,
62,
9288,
7,
25927,
11,
279,
74,
2599,
198,
220,
220,
220,
37227,
7921,
274,
281,
27336,
9629,
326,
4909,
477,
2444,
326,
743,
1011,
262,
1332,
13,
770,
9629,
318,
11670,
351,
198,
220,
220,
220,
825,
25,
11748,
62,
9288,
13,
632,
4909,
257,
6764,
5752,
11,
543,
460,
307,
973,
284,
9199,
7538,
832,
13,
628,
220,
220,
220,
1058,
17143,
2581,
25,
37770,
2581,
198,
220,
220,
220,
1058,
17143,
279,
74,
25,
6208,
4522,
198,
220,
220,
220,
1058,
7783,
25,
317,
2393,
2882,
7268,
281,
764,
87,
7278,
87,
2393,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
1332,
796,
651,
62,
15252,
62,
273,
62,
26429,
7,
14402,
11,
279,
74,
28,
79,
74,
8,
198,
220,
220,
220,
1048,
796,
7755,
13,
48205,
13,
24455,
7,
7220,
28,
25927,
13,
7220,
737,
11085,
3419,
628,
220,
220,
220,
1303,
6822,
611,
2836,
318,
2035,
262,
8265,
16052,
393,
4701,
286,
428,
1332,
13,
198,
220,
220,
220,
611,
407,
318,
62,
37652,
20900,
62,
273,
62,
660,
3493,
62,
1659,
62,
9288,
7,
6259,
11,
1332,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
2448,
3411,
21306,
798,
10786,
3673,
3142,
284,
10784,
1332,
2637,
8,
628,
220,
220,
220,
2444,
796,
7755,
13,
48205,
13,
24455,
7,
19149,
1112,
834,
21412,
62,
28736,
834,
21412,
3911,
28,
9288,
13,
21412,
62,
3911,
737,
27160,
10786,
403,
1608,
62,
17618,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
3672,
11537,
628,
220,
220,
220,
1303,
35835,
24511,
198,
220,
220,
220,
3084,
796,
685,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
9288,
13,
3672,
11,
366,
1600,
366,
9526,
1022,
25,
1600,
705,
90,
92,
532,
23884,
4458,
18982,
7,
9288,
13,
39504,
62,
9526,
11,
1332,
13,
47033,
62,
9526,
15437,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2361,
1343,
16410,
6,
3256,
705,
3256,
705,
3256,
10148,
60,
329,
4808,
287,
2837,
7,
25154,
5883,
45,
62,
49560,
2538,
62,
49,
3913,
532,
352,
15437,
628,
220,
220,
220,
1303,
35835,
3670,
5752,
198,
220,
220,
220,
3084,
13,
33295,
7,
17816,
403,
1608,
62,
17618,
3256,
705,
3672,
3256,
705,
9526,
3256,
705,
11213,
6,
12962,
628,
220,
220,
220,
1303,
35835,
3710,
3146,
198,
220,
220,
220,
329,
3710,
287,
2444,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3084,
13,
33295,
26933,
50139,
17816,
403,
1608,
62,
17618,
6,
4357,
3710,
17816,
3672,
6,
4357,
705,
3256,
10148,
12962,
628,
220,
220,
220,
1441,
27336,
13,
15883,
62,
26209,
62,
6738,
62,
18747,
7,
11487,
11,
2393,
62,
3672,
11639,
14402,
1902,
2367,
23884,
23884,
12,
90,
27422,
87,
7278,
87,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
764,
18982,
7,
9288,
13,
3672,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1332,
13,
21412,
62,
3911,
13,
21412,
62,
28736,
13,
1941,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1332,
13,
21412,
62,
3911,
13,
21412,
62,
28736,
13,
9967,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2393,
62,
4906,
11639,
87,
7278,
87,
11537,
628,
198,
4299,
787,
62,
9526,
7,
50139,
25,
7755,
11,
3376,
273,
25,
7755,
11,
1332,
25,
6208,
11,
9559,
11,
6764,
25,
965,
796,
10148,
2599,
198,
220,
220,
220,
37227,
5053,
525,
2163,
326,
1838,
22653,
5563,
523,
484,
460,
307,
18846,
287,
11963,
351,
825,
25,
21928,
62,
31177,
13,
198,
220,
220,
220,
1058,
17143,
3710,
25,
7755,
2134,
286,
262,
3710,
13,
198,
220,
220,
220,
1058,
17143,
3376,
273,
25,
7755,
2134,
286,
262,
3376,
273,
13,
198,
220,
220,
220,
1058,
17143,
1332,
25,
6208,
2134,
13,
198,
220,
220,
220,
1058,
17143,
9559,
25,
317,
12178,
326,
318,
262,
9559,
13,
198,
220,
220,
220,
1058,
17143,
6764,
25,
1052,
11902,
6764,
13,
198,
220,
220,
220,
1058,
7783,
25,
317,
9559,
2134,
11,
393,
6045,
357,
25,
17143,
9559,
318,
6565,
737,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
16173,
62,
9526,
796,
657,
628,
220,
220,
220,
611,
9559,
6624,
10148,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
220,
1303,
7663,
318,
6565,
11,
7048,
340,
857,
407,
761,
284,
307,
17392,
13,
198,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
16173,
62,
9526,
796,
12178,
7,
9526,
8,
198,
220,
220,
220,
2845,
357,
11395,
12331,
11,
5994,
12331,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
611,
1332,
13,
4906,
6624,
705,
32,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
16173,
62,
9526,
796,
352,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
22653,
16922,
10786,
43054,
90,
32239,
6,
318,
407,
257,
4938,
5128,
329,
257,
9559,
357,
9275,
379,
23884,
43054,
82,
9559,
329,
23884,
2014,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
764,
18982,
7,
9526,
11,
3710,
13,
3672,
11,
1332,
4008,
220,
1303,
18578,
257,
46517,
11,
1577,
281,
4049,
13,
198,
220,
220,
220,
611,
1332,
13,
39504,
62,
9526,
1875,
16173,
62,
9526,
393,
16173,
62,
9526,
1875,
1332,
13,
47033,
62,
9526,
25,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
22653,
16922,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
34,
34574,
7881,
23884,
43054,
82,
37913,
30072,
9559,
329,
1332,
23884,
780,
340,
43054,
82,
9559,
37913,
30072,
318,
2354,
262,
5447,
22303,
705,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
15090,
92,
12,
90,
92,
737,
4458,
18982,
7,
50139,
13,
3672,
11,
3710,
13,
403,
1608,
62,
17618,
11,
1332,
13,
3672,
11,
9559,
11,
1332,
13,
39504,
62,
9526,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1332,
13,
47033,
62,
9526,
4008,
628,
220,
220,
220,
1303,
1949,
25,
198,
220,
220,
220,
9559,
62,
26801,
796,
22653,
7,
198,
220,
220,
220,
220,
220,
220,
220,
3710,
28,
50139,
11,
198,
220,
220,
220,
220,
220,
220,
220,
4701,
28,
30283,
273,
11,
198,
220,
220,
220,
220,
220,
220,
220,
1332,
28,
9288,
11,
198,
220,
220,
220,
220,
220,
220,
220,
9559,
28,
27381,
276,
62,
9526,
11,
198,
220,
220,
220,
220,
220,
220,
220,
640,
28,
2435,
11340,
13,
2197,
22784,
198,
220,
220,
220,
220,
220,
220,
220,
6764,
28,
11213,
198,
220,
220,
220,
1267,
198,
220,
220,
220,
1303,
2845,
35528,
355,
304,
25,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
5298,
22653,
16922,
7,
68,
8,
198,
220,
220,
220,
1441,
9559,
62,
26801,
628,
198,
4299,
3613,
62,
31177,
7,
31177,
2599,
198,
220,
220,
220,
37227,
5053,
525,
2163,
326,
16031,
477,
19051,
284,
262,
6831,
13,
628,
220,
220,
220,
1058,
17143,
19051,
25,
7343,
286,
22653,
5563,
11,
543,
743,
3994,
6045,
3815,
13,
2312,
389,
9514,
13,
198,
220,
220,
220,
1058,
7783,
25,
10528,
13,
198,
220,
220,
220,
1058,
430,
2696,
25,
22653,
16922,
611,
257,
9559,
2134,
318,
6428,
12214,
13,
1400,
19051,
389,
7448,
618,
428,
4325,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
22653,
13,
48205,
13,
65,
12171,
62,
17953,
26933,
9526,
329,
9559,
287,
19051,
611,
9559,
318,
407,
6045,
12962,
198,
220,
220,
220,
2845,
35528,
355,
304,
25,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
22653,
16922,
10786,
12331,
618,
8914,
19051,
284,
573,
6831,
2637,
1343,
965,
7,
68,
4008,
628,
198,
31,
38235,
62,
35827,
198,
4299,
670,
2070,
62,
50139,
62,
1462,
62,
21412,
7,
25927,
11,
279,
74,
2599,
198,
220,
220,
220,
37227,
7921,
274,
281,
27336,
9629,
326,
743,
307,
5901,
287,
284,
7881,
2444,
284,
257,
8265,
13,
770,
9629,
318,
11670,
351,
198,
220,
220,
220,
220,
220,
220,
220,
825,
25,
11748,
62,
50139,
62,
1462,
62,
21412,
13,
628,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
2581,
25,
37770,
2581,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
279,
74,
25,
6208,
4522,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
7783,
25,
317,
2393,
2882,
7268,
281,
764,
87,
7278,
87,
2393,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
1303,
6822,
611,
2836,
318,
257,
8265,
16052,
13,
198,
220,
220,
220,
8265,
62,
28736,
796,
651,
62,
15252,
62,
273,
62,
26429,
7,
26796,
7407,
653,
11,
279,
74,
28,
79,
74,
8,
198,
220,
220,
220,
1048,
796,
7755,
13,
48205,
13,
24455,
7,
7220,
28,
25927,
13,
7220,
737,
11085,
3419,
198,
220,
220,
220,
611,
407,
318,
62,
37652,
20900,
62,
273,
62,
562,
10167,
62,
1659,
62,
21412,
7,
6259,
11,
8265,
62,
28736,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
2448,
3411,
21306,
798,
10786,
1639,
389,
407,
262,
8265,
16052,
329,
428,
1781,
2637,
8,
628,
220,
220,
220,
1303,
35835,
5721,
8714,
198,
220,
220,
220,
3084,
796,
16410,
6,
403,
1608,
62,
17618,
3256,
705,
3672,
3256,
705,
12888,
3256,
705,
18090,
6,
11907,
628,
220,
220,
220,
1441,
27336,
13,
15883,
62,
26209,
62,
6738,
62,
18747,
7,
11487,
11,
2393,
62,
3672,
11639,
26796,
1330,
21616,
13,
87,
7278,
87,
3256,
2393,
62,
4906,
11639,
87,
7278,
87,
11537,
628,
198,
31,
38235,
62,
35827,
198,
31,
46115,
62,
4023,
62,
24396,
82,
7,
14692,
18851,
1600,
366,
32782,
8973,
8,
198,
31,
7645,
2673,
13,
47116,
198,
4299,
1330,
62,
50139,
62,
1462,
62,
21412,
7,
25927,
11,
279,
74,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
7214,
764,
87,
7278,
87,
2393,
11,
355,
4635,
416,
825,
25,
39344,
62,
50139,
62,
11748,
62,
18982,
290,
19818,
477,
2444,
290,
1138,
391,
1161,
422,
340,
13,
198,
220,
220,
220,
8913,
352,
532,
29454,
11787,
532,
3060,
262,
2836,
284,
262,
4075,
8265,
8313,
351,
262,
826,
2050,
290,
2597,
416,
1642,
257,
649,
3604,
1112,
2134,
198,
220,
220,
220,
8913,
362,
532,
16185,
11787,
532,
3060,
262,
3710,
284,
262,
6831,
416,
1642,
257,
649,
7755,
2134,
290,
5120,
588,
8913,
352,
198,
220,
220,
220,
8913,
513,
532,
27511,
10687,
11787,
532,
41032,
5752,
198,
220,
220,
220,
383,
2163,
5860,
257,
1570,
287,
543,
477,
8308,
2087,
2985,
11,
477,
2985,
326,
389,
783,
2087,
284,
262,
8265,
8313,
290,
477,
2985,
326,
547,
1541,
287,
262,
8265,
389,
3402,
13,
628,
220,
220,
220,
1058,
17143,
2581,
25,
37770,
2581,
198,
220,
220,
220,
1058,
17143,
279,
74,
25,
383,
8265,
8313,
4686,
198,
220,
220,
220,
1058,
7783,
25,
1220,
19149,
658,
12,
21412,
12,
320,
9213,
13,
6494,
18941,
287,
543,
477,
10143,
11,
23682,
290,
2087,
82,
389,
1813,
198,
220,
220,
220,
1058,
430,
2696,
25,
2448,
3411,
6699,
611,
262,
2836,
318,
407,
262,
19937,
36831,
198,
220,
220,
220,
1058,
430,
2696,
25,
31922,
6243,
32180,
287,
1339,
286,
30954,
2393,
5128,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1303,
6822,
611,
2836,
318,
257,
8265,
16052,
13,
198,
220,
220,
220,
8265,
62,
28736,
796,
651,
62,
15252,
62,
273,
62,
26429,
7,
26796,
7407,
653,
11,
279,
74,
28,
79,
74,
8,
198,
220,
220,
220,
1048,
796,
7755,
13,
48205,
13,
24455,
7,
7220,
28,
25927,
13,
7220,
737,
11085,
3419,
198,
220,
220,
220,
611,
407,
318,
62,
37652,
20900,
62,
273,
62,
562,
10167,
62,
1659,
62,
21412,
7,
6259,
11,
8265,
62,
28736,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
2448,
3411,
21306,
798,
10786,
3673,
3142,
284,
9516,
2444,
284,
8265,
2637,
8,
628,
220,
220,
220,
611,
2581,
13,
24396,
6624,
366,
32782,
1298,
198,
220,
220,
220,
220,
220,
220,
220,
3710,
62,
687,
796,
17267,
38778,
8479,
7,
25927,
13,
32782,
11,
2581,
13,
46700,
1546,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
3710,
62,
687,
13,
271,
62,
12102,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2393,
796,
2581,
13,
46700,
1546,
17816,
7753,
20520,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8633,
796,
2393,
13,
1136,
62,
2070,
62,
11600,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
9683,
717,
2443,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2444,
62,
1462,
62,
21412,
796,
8633,
58,
4868,
7,
11600,
13,
13083,
28955,
58,
15,
11907,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1994,
62,
8516,
796,
23884,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3053,
33279,
796,
302,
13,
5589,
576,
10786,
68,
58,
12,
60,
30,
4529,
9,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
1312,
287,
2837,
7,
15,
11,
11925,
7,
19149,
658,
62,
1462,
62,
21412,
58,
15,
12962,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
705,
17618,
6,
287,
2444,
62,
1462,
62,
21412,
58,
15,
7131,
72,
4083,
21037,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1994,
62,
8516,
17816,
17618,
20520,
796,
1312,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
705,
3672,
6,
287,
2444,
62,
1462,
62,
21412,
58,
15,
7131,
72,
4083,
21037,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1994,
62,
8516,
17816,
3672,
20520,
796,
1312,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
3053,
33279,
13,
15699,
7,
19149,
658,
62,
1462,
62,
21412,
58,
15,
7131,
72,
4083,
21037,
3419,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1994,
62,
8516,
17816,
12888,
20520,
796,
1312,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
705,
18090,
6,
287,
2444,
62,
1462,
62,
21412,
58,
15,
7131,
72,
4083,
21037,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1994,
62,
8516,
17816,
18090,
20520,
796,
1312,
628,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
15225,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
407,
357,
11925,
7,
19149,
658,
62,
1462,
62,
21412,
8,
1875,
352,
290,
18896,
7,
2539,
62,
8516,
8,
6624,
604,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2089,
62,
25927,
7,
25927,
11,
1391,
6,
20500,
10354,
705,
3673,
477,
2672,
15180,
685,
403,
1608,
62,
17618,
11,
1438,
11,
3053,
11,
705,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
18090,
60,
389,
287,
262,
27336,
9629,
11,
393,
645,
15274,
284,
1330,
2637,
30072,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4732,
796,
1391,
6,
25598,
10354,
685,
4357,
705,
19149,
1112,
10354,
685,
4357,
705,
47904,
10354,
17635,
92,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
1312,
287,
2837,
7,
16,
11,
18896,
7,
19149,
658,
62,
1462,
62,
21412,
8,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
2986,
270,
1096,
1271,
5128,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
965,
7,
19149,
658,
62,
1462,
62,
21412,
58,
72,
7131,
2539,
62,
8516,
17816,
17618,
6,
11907,
38381,
15,
60,
6624,
705,
82,
6,
290,
493,
7,
19149,
658,
62,
1462,
62,
21412,
58,
72,
7131,
2539,
62,
8516,
17816,
17618,
20520,
7131,
16,
25,
12962,
1875,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
20579,
796,
965,
7,
19149,
658,
62,
1462,
62,
21412,
58,
72,
7131,
2539,
62,
8516,
17816,
17618,
6,
11907,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
965,
7,
19149,
658,
62,
1462,
62,
21412,
58,
72,
7131,
2539,
62,
8516,
17816,
17618,
6,
11907,
38381,
15,
60,
6624,
705,
76,
6,
290,
493,
7,
19149,
658,
62,
1462,
62,
21412,
58,
72,
7131,
2539,
62,
8516,
17816,
17618,
20520,
7131,
16,
25,
12962,
1875,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
367,
29281,
31077,
22069,
18453,
10786,
51,
14992,
284,
751,
281,
6538,
355,
257,
3710,
284,
257,
8265,
2637,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
493,
7,
19149,
658,
62,
1462,
62,
21412,
58,
72,
7131,
2539,
62,
8516,
17816,
17618,
6,
11907,
8,
1875,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
20579,
796,
705,
82,
90,
92,
4458,
18982,
7,
2536,
7,
19149,
658,
62,
1462,
62,
21412,
58,
72,
7131,
2539,
62,
8516,
17816,
17618,
6,
11907,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
11052,
12331,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2845,
11052,
12331,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2089,
62,
25927,
7,
25927,
11,
1391,
6,
20500,
10354,
705,
90,
92,
318,
407,
257,
3710,
1271,
2637,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
764,
18982,
7,
19149,
658,
62,
1462,
62,
21412,
58,
72,
7131,
2539,
62,
8516,
17816,
17618,
6,
11907,
8,
30072,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2836,
11,
2727,
796,
11787,
13,
48205,
13,
1136,
62,
273,
62,
17953,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
20579,
28,
29460,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
26235,
34758,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
12888,
10354,
2444,
62,
1462,
62,
21412,
58,
72,
7131,
2539,
62,
8516,
17816,
12888,
6,
11907,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1782,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3710,
11,
2727,
796,
7755,
13,
48205,
13,
1136,
62,
273,
62,
17953,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6403,
62,
17618,
28,
29460,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
26235,
34758,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
7220,
10354,
2836,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
3672,
10354,
2444,
62,
1462,
62,
21412,
58,
72,
7131,
2539,
62,
8516,
17816,
3672,
20520,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
12888,
10354,
2444,
62,
1462,
62,
21412,
58,
72,
7131,
2539,
62,
8516,
17816,
12888,
20520,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1782,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
10133,
1438,
290,
3053,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3710,
13,
3672,
796,
2444,
62,
1462,
62,
21412,
58,
72,
7131,
2539,
62,
8516,
17816,
3672,
6,
11907,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3710,
13,
12888,
796,
2444,
62,
1462,
62,
21412,
58,
72,
7131,
2539,
62,
8516,
17816,
12888,
6,
11907,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3710,
13,
21928,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2727,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4732,
17816,
25598,
6,
4083,
33295,
26933,
50139,
13,
3672,
11,
3710,
13,
12853,
62,
312,
12962,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11065,
11,
2727,
796,
3604,
1112,
13,
48205,
13,
1136,
62,
273,
62,
17953,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1048,
28,
50139,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8265,
62,
28736,
28,
26796,
7407,
653,
13,
48205,
13,
1136,
7,
79,
74,
28,
79,
74,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
26235,
34758,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
18090,
10354,
2444,
62,
1462,
62,
21412,
58,
72,
7131,
2539,
62,
8516,
17816,
18090,
20520,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1782,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2727,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8265,
62,
276,
796,
19937,
7407,
653,
13,
48205,
13,
1136,
7,
312,
28,
19149,
1112,
13,
21412,
62,
28736,
13,
79,
74,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8265,
796,
19937,
13,
48205,
13,
1136,
7,
21412,
28736,
28,
21412,
62,
276,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4732,
17816,
19149,
1112,
6,
4083,
33295,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
50139,
13,
3672,
11,
3710,
13,
12853,
62,
312,
11,
8265,
13,
3672,
11,
8265,
62,
276,
13,
8189,
12962,
220,
1303,
11065,
13,
44517,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8265,
62,
276,
796,
19937,
7407,
653,
13,
48205,
13,
1136,
7,
312,
28,
19149,
1112,
13,
21412,
62,
28736,
13,
79,
74,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8265,
796,
19937,
13,
48205,
13,
1136,
7,
21412,
28736,
28,
21412,
62,
276,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4732,
17816,
47904,
6,
4083,
33295,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
50139,
13,
3672,
11,
3710,
13,
12853,
62,
312,
11,
8265,
13,
3672,
11,
8265,
62,
276,
13,
8189,
12962,
220,
1303,
11065,
13,
44517,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4732,
17816,
19149,
1112,
6,
4083,
33295,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
50139,
13,
3672,
11,
3710,
13,
12853,
62,
312,
11,
8265,
13,
3672,
11,
8265,
62,
276,
13,
8189,
12962,
220,
1303,
11065,
13,
44517,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
8543,
7,
25927,
11,
705,
320,
26634,
14,
19149,
658,
12,
21412,
12,
320,
9213,
13,
6494,
3256,
4732,
34758,
6,
22866,
10354,
4732,
30072,
628,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
31922,
6243,
32180,
10786,
22069,
24582,
11537,
628,
220,
220,
220,
2073,
25,
220,
1303,
611,
19937,
62,
276,
13,
48205,
13,
24455,
7,
79,
74,
28,
79,
74,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
3710,
62,
687,
796,
17267,
38778,
26796,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
8543,
7,
25927,
11,
705,
320,
26634,
14,
11748,
12,
21412,
12,
50139,
13,
6494,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1391,
6,
687,
10354,
3710,
62,
687,
11,
705,
79,
74,
10354,
279,
74,
11,
705,
21412,
62,
28736,
10354,
19937,
7407,
653,
13,
48205,
13,
1136,
7,
79,
74,
28,
79,
74,
8,
30072,
628,
198,
4871,
16282,
2759,
3546,
9213,
7680,
7,
47790,
37374,
35608,
259,
11,
37350,
7680,
2599,
198,
220,
220,
220,
37227,
15307,
257,
3275,
326,
46145,
262,
17392,
1366,
290,
22145,
286,
3131,
4831,
284,
307,
2077,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
11055,
62,
3672,
796,
705,
320,
26634,
14,
37351,
62,
320,
9213,
13,
6494,
6,
628,
220,
220,
220,
5254,
796,
17635,
628,
628,
198,
4871,
19937,
1273,
5620,
3546,
26634,
7,
47790,
37374,
35608,
259,
11,
3582,
2599,
198,
220,
220,
220,
37227,
20939,
284,
11963,
12,
17953,
19937,
3354,
290,
30307,
329,
257,
8265,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
2488,
7645,
2673,
13,
47116,
628,
198,
4299,
10784,
62,
21412,
62,
301,
5620,
7,
25927,
11,
279,
74,
2599,
198,
220,
220,
220,
37227,
16409,
281,
27336,
9629,
543,
460,
307,
973,
284,
9516,
262,
8265,
4645,
13,
198,
220,
220,
220,
1058,
17143,
2581,
25,
37770,
2581,
198,
220,
220,
220,
1058,
17143,
279,
74,
25,
19937,
8313,
4165,
1994,
198,
220,
220,
220,
1058,
7783,
25,
24134,
2499,
25473,
355,
2882,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1303,
6822,
611,
2836,
318,
257,
8265,
16052,
13,
198,
220,
220,
220,
8265,
62,
28736,
796,
651,
62,
15252,
62,
273,
62,
26429,
7,
26796,
7407,
653,
11,
279,
74,
28,
79,
74,
8,
198,
220,
220,
220,
1048,
796,
7755,
13,
48205,
13,
24455,
7,
7220,
28,
25927,
13,
7220,
737,
11085,
3419,
198,
220,
220,
220,
611,
407,
318,
62,
37652,
20900,
62,
273,
62,
562,
10167,
62,
1659,
62,
21412,
7,
6259,
11,
8265,
62,
28736,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
2448,
3411,
21306,
798,
10786,
1639,
389,
407,
262,
8265,
16052,
329,
428,
1781,
2637,
8,
628,
220,
220,
220,
1303,
35835,
5721,
8714,
198,
220,
220,
220,
3084,
796,
685,
198,
220,
220,
220,
220,
220,
220,
220,
37250,
26796,
636,
25,
3256,
705,
16791,
20688,
4211,
3256,
705,
3256,
29513,
35660,
489,
5344,
428,
2443,
329,
1123,
8265,
636,
33047,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
37250,
14402,
25,
3256,
705,
16791,
20688,
1332,
4211,
3256,
705,
16791,
20688,
1051,
2364,
4211,
3256,
10148,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
37250,
9452,
13,
9559,
3256,
705,
16,
3256,
705,
15,
3256,
10148,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
37250,
11518,
13,
9559,
3256,
705,
940,
3256,
705,
16,
3256,
10148,
60,
198,
220,
220,
220,
2361,
628,
220,
220,
220,
1441,
27336,
13,
15883,
62,
26209,
62,
6738,
62,
18747,
7,
11487,
11,
2393,
62,
3672,
11639,
26796,
32522,
23884,
13,
87,
7278,
87,
4458,
18982,
7,
21412,
62,
28736,
828,
2393,
62,
4906,
11639,
87,
7278,
87,
11537,
198
] | 2.22077 | 19,047 |
#coding=utf-8
import os
import math
#from tqdm import tqdm
def lsp(x,y,th,mv_red_th,mv_green_th):#x与y为五人机绝对坐标系,后二者为mv返回大致角度值(为绝对坐标系中y轴方向顺时针转动角度)
'''
'''
times=30#雷达扫描次数
num_data_line=600#雷达数据行数
data_ls = [[round(0.6 * x,2),0] for x in range(num_data_line)]#创建存储雷达数据的数组
error_range = 6#mv角度数据误差(度)
mv_red_th //= 0.6
mv_green_th //= 0.6
mv_red_th = int(mv_red_th) #取整
mv_green_th = int(mv_green_th) #取整
#for i in tqdm(range(times)):#多次扫描
for i in range(times):#多次扫描
#执行雷达扫视代码
os.system("./simple_grabber /dev/ttyUSB0")
with open("data.txt", "r") as f:
for line in f.readlines():
angle_dis = line.strip('\n').split(" ") #去掉列表中每一个元素的换行符,以空格作为分割符号,分割角度和距离
#雷达数据下标
j = int(float(angle_dis[0]) // 0.6)
#print(j)
dis = dis2int(angle_dis[1])
if dis != 0:
if ((x + dis * math.sin(math.radians(float(angle_dis[0])))) < 4300) & ((x + dis * math.sin(math.radians(float(angle_dis[0])))) > 0):
if ((y + dis * math.cos(math.radians(float(angle_dis[0])))) < 3250) & ((y + dis * math.cos(math.radians(float(angle_dis[0])))) > 0):
data_ls[j][1]=dis #更新数据
#angle_dis = deal_ls_data(angle_dis,data_ls[j]) #处理角度和距离数据
j += 1
for i in range(num_data_line):
if data_ls[i][1] != 0:
print(i," ",data_ls[i])
#print("len",len(data_ls))
mpr = []
mpg = []
f = 0.
a = 0.
b = 0.
print("mv",mv_red_th)
for i in range(1,11):
if data_ls[mv_red_th - 6 + i][1] != 0:
mpr.append(data_ls[mv_red_th - 6 + i])
print("mpr",mpr)
f += 1
for i in range(1,int(f)+1):
a += mpr[i - 1][0]
b += mpr[i - 1][1]
print("f",f)
if f!=0:decision_red = [a / f,b / f]
else : decision_red = [0,0]
print("de",decision_red)
f = 0.
a = 0.
b = 0.
print("mv",mv_green_th)
for i in range(1,11):
if data_ls[mv_green_th - 6 + i][1] != 0:
mpg.append(data_ls[mv_green_th - 6 + i])
print("mpg",mpg)
f += 1
for i in range(1,int(f)+1):
a += mpg[i - 1][0]
b += mpg[i - 1][1]
print("f",f)
if f!=0:decision_green = [a / f,b / f]
else: decision_green = [0,0]
return (x + decision_red[1] * math.sin(math.radians(decision_red[0]))),(y + decision_red[1] * math.cos(math.radians(decision_red[0]))),(x + decision_green[1] * math.sin(math.radians(decision_green[0]))),(y + decision_green[1] * math.cos(math.radians(decision_green[0])))
print("result:",lsp(0,0,45,90))
| [
2,
66,
7656,
28,
40477,
12,
23,
198,
11748,
28686,
198,
11748,
10688,
628,
198,
2,
6738,
256,
80,
36020,
1330,
256,
80,
36020,
198,
198,
4299,
300,
2777,
7,
87,
11,
88,
11,
400,
11,
76,
85,
62,
445,
62,
400,
11,
76,
85,
62,
14809,
62,
400,
2599,
2,
87,
10310,
236,
88,
10310,
118,
49390,
21689,
17312,
118,
163,
119,
251,
43380,
117,
161,
251,
238,
43718,
229,
163,
111,
119,
171,
120,
234,
28938,
236,
12859,
234,
38519,
10310,
118,
76,
85,
32573,
242,
32368,
252,
32014,
164,
229,
112,
164,
100,
240,
41753,
99,
161,
222,
120,
171,
120,
230,
10310,
118,
163,
119,
251,
43380,
117,
161,
251,
238,
43718,
229,
163,
111,
119,
40792,
88,
164,
121,
112,
43095,
28938,
239,
165,
94,
118,
33768,
114,
165,
240,
42062,
121,
105,
27950,
101,
164,
100,
240,
41753,
99,
171,
120,
231,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
1661,
28,
1270,
2,
37239,
115,
164,
122,
122,
33699,
104,
162,
237,
237,
162,
105,
94,
46763,
108,
198,
220,
220,
220,
997,
62,
7890,
62,
1370,
28,
8054,
2,
37239,
115,
164,
122,
122,
46763,
108,
162,
235,
106,
26193,
234,
46763,
108,
198,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
1366,
62,
7278,
796,
16410,
744,
7,
15,
13,
21,
1635,
2124,
11,
17,
828,
15,
60,
329,
2124,
287,
2837,
7,
22510,
62,
7890,
62,
1370,
15437,
2,
26344,
249,
161,
119,
118,
27764,
246,
43636,
101,
37239,
115,
164,
122,
122,
46763,
108,
162,
235,
106,
21410,
46763,
108,
163,
119,
226,
628,
220,
220,
220,
4049,
62,
9521,
796,
718,
2,
76,
85,
164,
100,
240,
41753,
99,
46763,
108,
162,
235,
106,
46237,
107,
32432,
106,
171,
120,
230,
41753,
99,
171,
120,
231,
628,
220,
220,
220,
285,
85,
62,
445,
62,
400,
3373,
28,
657,
13,
21,
198,
220,
220,
220,
285,
85,
62,
14809,
62,
400,
3373,
28,
657,
13,
21,
198,
220,
220,
220,
285,
85,
62,
445,
62,
400,
796,
493,
7,
76,
85,
62,
445,
62,
400,
8,
1303,
20998,
244,
46763,
112,
198,
220,
220,
220,
285,
85,
62,
14809,
62,
400,
796,
493,
7,
76,
85,
62,
14809,
62,
400,
8,
1303,
20998,
244,
46763,
112,
198,
220,
220,
220,
1303,
1640,
1312,
287,
256,
80,
36020,
7,
9521,
7,
22355,
8,
2599,
2,
13783,
248,
162,
105,
94,
33699,
104,
162,
237,
237,
198,
220,
220,
220,
329,
1312,
287,
2837,
7,
22355,
2599,
2,
13783,
248,
162,
105,
94,
33699,
104,
162,
237,
237,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
33699,
100,
26193,
234,
37239,
115,
164,
122,
122,
33699,
104,
164,
100,
228,
47987,
163,
254,
223,
198,
220,
220,
220,
220,
220,
220,
220,
28686,
13,
10057,
7,
1911,
14,
36439,
62,
32393,
527,
1220,
7959,
14,
42852,
27155,
15,
4943,
198,
197,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
351,
1280,
7203,
7890,
13,
14116,
1600,
366,
81,
4943,
355,
277,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
1627,
287,
277,
13,
961,
6615,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9848,
62,
6381,
796,
1627,
13,
36311,
10786,
59,
77,
27691,
35312,
7203,
366,
8,
220,
1303,
43889,
119,
162,
236,
231,
26344,
245,
26193,
101,
40792,
162,
107,
237,
31660,
10310,
103,
17739,
225,
163,
112,
254,
21410,
162,
235,
95,
26193,
234,
163,
105,
99,
11,
20015,
98,
163,
102,
118,
43718,
120,
43291,
10310,
118,
26344,
228,
30298,
110,
163,
105,
99,
20998,
115,
171,
120,
234,
26344,
228,
30298,
110,
164,
100,
240,
41753,
99,
161,
240,
234,
164,
115,
251,
163,
99,
119,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
37239,
115,
164,
122,
122,
46763,
108,
162,
235,
106,
10310,
233,
43718,
229,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
474,
796,
493,
7,
22468,
7,
9248,
62,
6381,
58,
15,
12962,
3373,
657,
13,
21,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
4798,
7,
73,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
595,
796,
595,
17,
600,
7,
9248,
62,
6381,
58,
16,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
595,
14512,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
14808,
87,
1343,
595,
1635,
10688,
13,
31369,
7,
11018,
13,
6335,
1547,
7,
22468,
7,
9248,
62,
6381,
58,
15,
60,
35514,
1279,
5946,
405,
8,
1222,
14808,
87,
1343,
595,
1635,
10688,
13,
31369,
7,
11018,
13,
6335,
1547,
7,
22468,
7,
9248,
62,
6381,
58,
15,
60,
35514,
1875,
657,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
14808,
88,
1343,
595,
1635,
10688,
13,
6966,
7,
11018,
13,
6335,
1547,
7,
22468,
7,
9248,
62,
6381,
58,
15,
60,
35514,
1279,
3933,
1120,
8,
1222,
14808,
88,
1343,
595,
1635,
10688,
13,
6966,
7,
11018,
13,
6335,
1547,
7,
22468,
7,
9248,
62,
6381,
58,
15,
60,
35514,
1875,
657,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1366,
62,
7278,
58,
73,
7131,
16,
22241,
6381,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
162,
249,
112,
23877,
108,
46763,
108,
162,
235,
106,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
9248,
62,
6381,
796,
1730,
62,
7278,
62,
7890,
7,
9248,
62,
6381,
11,
7890,
62,
7278,
58,
73,
12962,
220,
1303,
13783,
226,
49426,
228,
164,
100,
240,
41753,
99,
161,
240,
234,
164,
115,
251,
163,
99,
119,
46763,
108,
162,
235,
106,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
474,
15853,
352,
198,
220,
220,
220,
329,
1312,
287,
2837,
7,
22510,
62,
7890,
62,
1370,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
611,
1366,
62,
7278,
58,
72,
7131,
16,
60,
14512,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
72,
553,
33172,
7890,
62,
7278,
58,
72,
12962,
198,
220,
220,
220,
1303,
4798,
7203,
11925,
1600,
11925,
7,
7890,
62,
7278,
4008,
628,
220,
220,
220,
285,
1050,
796,
17635,
198,
220,
220,
220,
285,
6024,
796,
17635,
628,
220,
220,
220,
277,
796,
657,
13,
198,
220,
220,
220,
257,
796,
657,
13,
198,
220,
220,
220,
275,
796,
657,
13,
198,
220,
220,
220,
3601,
7203,
76,
85,
1600,
76,
85,
62,
445,
62,
400,
8,
198,
220,
220,
220,
329,
1312,
287,
2837,
7,
16,
11,
1157,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
611,
1366,
62,
7278,
58,
76,
85,
62,
445,
62,
400,
532,
718,
1343,
1312,
7131,
16,
60,
14512,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
285,
1050,
13,
33295,
7,
7890,
62,
7278,
58,
76,
85,
62,
445,
62,
400,
532,
718,
1343,
1312,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
76,
1050,
1600,
76,
1050,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
277,
15853,
352,
628,
220,
220,
220,
329,
1312,
287,
2837,
7,
16,
11,
600,
7,
69,
47762,
16,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
257,
15853,
285,
1050,
58,
72,
532,
352,
7131,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
275,
15853,
285,
1050,
58,
72,
532,
352,
7131,
16,
60,
198,
220,
220,
220,
3601,
7203,
69,
1600,
69,
8,
198,
220,
220,
220,
611,
277,
0,
28,
15,
25,
12501,
1166,
62,
445,
796,
685,
64,
1220,
277,
11,
65,
1220,
277,
60,
198,
220,
220,
220,
2073,
1058,
2551,
62,
445,
796,
685,
15,
11,
15,
60,
198,
220,
220,
220,
3601,
7203,
2934,
1600,
12501,
1166,
62,
445,
8,
198,
220,
220,
220,
277,
796,
657,
13,
198,
220,
220,
220,
257,
796,
657,
13,
198,
220,
220,
220,
275,
796,
657,
13,
198,
220,
220,
220,
3601,
7203,
76,
85,
1600,
76,
85,
62,
14809,
62,
400,
8,
198,
220,
220,
220,
329,
1312,
287,
2837,
7,
16,
11,
1157,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
611,
1366,
62,
7278,
58,
76,
85,
62,
14809,
62,
400,
532,
718,
1343,
1312,
7131,
16,
60,
14512,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
285,
6024,
13,
33295,
7,
7890,
62,
7278,
58,
76,
85,
62,
14809,
62,
400,
532,
718,
1343,
1312,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
3149,
70,
1600,
3149,
70,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
277,
15853,
352,
198,
220,
220,
220,
329,
1312,
287,
2837,
7,
16,
11,
600,
7,
69,
47762,
16,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
257,
15853,
285,
6024,
58,
72,
532,
352,
7131,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
275,
15853,
285,
6024,
58,
72,
532,
352,
7131,
16,
60,
198,
220,
220,
220,
3601,
7203,
69,
1600,
69,
8,
198,
220,
220,
220,
611,
277,
0,
28,
15,
25,
12501,
1166,
62,
14809,
796,
685,
64,
1220,
277,
11,
65,
1220,
277,
60,
198,
220,
220,
220,
2073,
25,
2551,
62,
14809,
796,
685,
15,
11,
15,
60,
628,
220,
220,
220,
1441,
357,
87,
1343,
2551,
62,
445,
58,
16,
60,
1635,
10688,
13,
31369,
7,
11018,
13,
6335,
1547,
7,
12501,
1166,
62,
445,
58,
15,
60,
4008,
828,
7,
88,
1343,
2551,
62,
445,
58,
16,
60,
1635,
10688,
13,
6966,
7,
11018,
13,
6335,
1547,
7,
12501,
1166,
62,
445,
58,
15,
60,
4008,
828,
7,
87,
1343,
2551,
62,
14809,
58,
16,
60,
1635,
10688,
13,
31369,
7,
11018,
13,
6335,
1547,
7,
12501,
1166,
62,
14809,
58,
15,
60,
4008,
828,
7,
88,
1343,
2551,
62,
14809,
58,
16,
60,
1635,
10688,
13,
6966,
7,
11018,
13,
6335,
1547,
7,
12501,
1166,
62,
14809,
58,
15,
60,
22305,
198,
4798,
7203,
20274,
25,
1600,
75,
2777,
7,
15,
11,
15,
11,
2231,
11,
3829,
4008,
628,
198
] | 1.504891 | 1,840 |
# ------------------------------------------------------------------------
# Copyright (c) 2021 megvii-model. All Rights Reserved.
# ------------------------------------------------------------------------
# Modified from BasicSR (https://github.com/xinntao/BasicSR)
# Copyright 2018-2020 BasicSR Authors
# ------------------------------------------------------------------------
import sys
sys.path.append("/content/drive/MyDrive/DERAIN/HINet")
import importlib
import logging
from unittest import TestLoader
import torch
from os import path as osp
from basicsr.data import create_dataloader, create_dataset
from basicsr.models import create_model
from basicsr.train import parse_options
from basicsr.utils import (get_env_info, get_root_logger, get_time_str,
make_exp_dirs)
from basicsr.utils.options import dict2str
from basicsr.utils import get_root_logger, imwrite, tensor2img
from tqdm import tqdm
from copy import deepcopy
import time, cv2
from skimage.measure import compare_psnr, compare_ssim
import numpy as np
# ----------------- from TransWeather ------------------
# ------------------------------------------------------
if __name__ == '__main__':
main()
| [
2,
16529,
982,
198,
2,
15069,
357,
66,
8,
33448,
17243,
85,
4178,
12,
19849,
13,
1439,
6923,
33876,
13,
198,
2,
16529,
982,
198,
2,
40499,
422,
14392,
12562,
357,
5450,
1378,
12567,
13,
785,
14,
87,
259,
429,
5488,
14,
26416,
12562,
8,
198,
2,
15069,
2864,
12,
42334,
14392,
12562,
46665,
198,
2,
16529,
982,
198,
11748,
25064,
198,
17597,
13,
6978,
13,
33295,
7203,
14,
11299,
14,
19472,
14,
3666,
24825,
14,
14418,
29833,
14,
39,
1268,
316,
4943,
198,
11748,
1330,
8019,
198,
11748,
18931,
198,
6738,
555,
715,
395,
1330,
6208,
17401,
198,
11748,
28034,
198,
6738,
28686,
1330,
3108,
355,
267,
2777,
198,
198,
6738,
19165,
81,
13,
7890,
1330,
2251,
62,
67,
10254,
1170,
263,
11,
2251,
62,
19608,
292,
316,
198,
6738,
19165,
81,
13,
27530,
1330,
2251,
62,
19849,
198,
6738,
19165,
81,
13,
27432,
1330,
21136,
62,
25811,
198,
6738,
19165,
81,
13,
26791,
1330,
357,
1136,
62,
24330,
62,
10951,
11,
651,
62,
15763,
62,
6404,
1362,
11,
651,
62,
2435,
62,
2536,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
787,
62,
11201,
62,
15908,
82,
8,
198,
6738,
19165,
81,
13,
26791,
13,
25811,
1330,
8633,
17,
2536,
198,
6738,
19165,
81,
13,
26791,
1330,
651,
62,
15763,
62,
6404,
1362,
11,
545,
13564,
11,
11192,
273,
17,
9600,
198,
6738,
256,
80,
36020,
1330,
256,
80,
36020,
198,
6738,
4866,
1330,
2769,
30073,
198,
11748,
640,
11,
269,
85,
17,
198,
6738,
1341,
9060,
13,
1326,
5015,
1330,
8996,
62,
862,
48624,
11,
8996,
62,
824,
320,
198,
11748,
299,
32152,
355,
45941,
628,
198,
2,
34400,
12,
422,
3602,
41865,
34400,
438,
198,
2,
20368,
19351,
438,
628,
628,
198,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
220,
220,
1388,
3419,
198
] | 3.728395 | 324 |
a = [1,2,3,1,2,3]
l = 0
m = 0
h = len(a)-1
while(m<=h):
if(a[m]==1):
a[l],a[m] = a[m],a[l]
l+=1
m+=1
elif(a[m]==2):
m+=1
else:
a[h],a[m] = a[m],a[h]
h-=1
print a | [
64,
796,
685,
16,
11,
17,
11,
18,
11,
16,
11,
17,
11,
18,
60,
201,
198,
75,
796,
657,
201,
198,
76,
796,
657,
201,
198,
71,
796,
18896,
7,
64,
13219,
16,
201,
198,
4514,
7,
76,
27,
28,
71,
2599,
201,
198,
197,
361,
7,
64,
58,
76,
60,
855,
16,
2599,
201,
198,
197,
197,
64,
58,
75,
4357,
64,
58,
76,
60,
796,
257,
58,
76,
4357,
64,
58,
75,
60,
201,
198,
197,
197,
75,
47932,
16,
201,
198,
197,
197,
76,
47932,
16,
201,
198,
197,
417,
361,
7,
64,
58,
76,
60,
855,
17,
2599,
201,
198,
197,
197,
76,
47932,
16,
201,
198,
197,
17772,
25,
201,
198,
197,
197,
64,
58,
71,
4357,
64,
58,
76,
60,
796,
257,
58,
76,
4357,
64,
58,
71,
60,
201,
198,
197,
197,
71,
12,
28,
16,
201,
198,
201,
198,
4798,
257,
197,
197
] | 1.276316 | 152 |
#!/usr/bin/python
# -*- coding: utf-8 -*-
#
# Copyright 2014 The Plaso Project Authors.
# Please see the AUTHORS file for details on individual 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.
"""Analysis plugin related functions and classes for testing."""
import os
import unittest
from dfvfs.lib import definitions
from dfvfs.path import factory as path_spec_factory
from dfvfs.resolver import resolver as path_spec_resolver
from plaso.analysis import context
from plaso.artifacts import knowledge_base
from plaso.lib import event
from plaso.lib import queue
from plaso.parsers import context as parsers_context
class TestAnalysisReportQueueConsumer(queue.AnalysisReportQueueConsumer):
"""Class that implements a test analysis report queue consumer."""
def __init__(self, queue_object):
"""Initializes the queue consumer.
Args:
queue_object: the queue object (instance of Queue).
"""
super(TestAnalysisReportQueueConsumer, self).__init__(queue_object)
self.analysis_reports = []
def _ConsumeAnalysisReport(self, analysis_report):
"""Consumes an analysis report callback for ConsumeAnalysisReports."""
self.analysis_reports.append(analysis_report)
@property
def number_of_analysis_reports(self):
"""The number of analysis reports."""
return len(self.analysis_reports)
class AnalysisPluginTestCase(unittest.TestCase):
"""The unit test case for an analysis plugin."""
_TEST_DATA_PATH = os.path.join(os.getcwd(), 'test_data')
# Show full diff results, part of TestCase so does not follow our naming
# conventions.
maxDiff = None
def _GetAnalysisReportsFromQueue(self, analysis_report_queue_consumer):
"""Retrieves the analysis reports from the queue consumer.
Args:
analysis_report_queue_consumer: the analysis report queue consumer
object (instance of
TestAnalysisReportQueueConsumer).
Returns:
A list of analysis reports (instances of AnalysisReport).
"""
analysis_report_queue_consumer.ConsumeAnalysisReports()
analysis_reports = []
for analysis_report in analysis_report_queue_consumer.analysis_reports:
self.assertIsInstance(analysis_report, event.AnalysisReport)
analysis_reports.append(analysis_report)
return analysis_reports
def _GetTestFilePath(self, path_segments):
"""Retrieves the path of a test file relative to the test data directory.
Args:
path_segments: the path segments inside the test data directory.
Returns:
A path of the test file.
"""
# Note that we need to pass the individual path segments to os.path.join
# and not a list.
return os.path.join(self._TEST_DATA_PATH, *path_segments)
def _ParseFile(self, parser_object, path, knowledge_base_object):
"""Parses a file using the parser object.
Args:
parser_object: the parser object.
path: the path of the file to parse.
knowledge_base_object: the knowledge base object (instance of
KnowledgeBase).
Returns:
An event object queue object (instance of Queue).
"""
event_queue = queue.SingleThreadedQueue()
event_queue_producer = queue.EventObjectQueueProducer(event_queue)
parse_error_queue = queue.SingleThreadedQueue()
parser_context = parsers_context.ParserContext(
event_queue_producer, parse_error_queue, knowledge_base_object)
path_spec = path_spec_factory.Factory.NewPathSpec(
definitions.TYPE_INDICATOR_OS, location=path)
file_entry = path_spec_resolver.Resolver.OpenFileEntry(path_spec)
parser_object.Parse(parser_context, file_entry)
event_queue.SignalEndOfInput()
return event_queue
def _RunAnalysisPlugin(self, analysis_plugin, knowledge_base_object):
"""Analyzes an event object queue using the plugin object.
Args:
analysis_plugin: the analysis plugin object (instance of AnalysisPlugin).
knowledge_base_object: the knowledge base object (instance of
KnowledgeBase).
Returns:
An event object queue object (instance of Queue).
"""
analysis_report_queue = queue.SingleThreadedQueue()
analysis_report_queue_consumer = TestAnalysisReportQueueConsumer(
analysis_report_queue)
analysis_report_queue_producer = queue.AnalysisReportQueueProducer(
analysis_report_queue)
analysis_context = context.AnalysisContext(
analysis_report_queue_producer, knowledge_base_object)
analysis_plugin.RunPlugin(analysis_context)
analysis_report_queue.SignalEndOfInput()
return analysis_report_queue_consumer
def _SetUpKnowledgeBase(self, knowledge_base_values=None):
"""Sets up a knowledge base.
Args:
knowledge_base_values: optional dict containing the knowledge base
values. The default is None.
Returns:
An knowledge base object (instance of KnowledgeBase).
"""
knowledge_base_object = knowledge_base.KnowledgeBase()
if knowledge_base_values:
for identifier, value in knowledge_base_values.iteritems():
knowledge_base_object.SetValue(identifier, value)
return knowledge_base_object
| [
2,
48443,
14629,
14,
8800,
14,
29412,
198,
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
2,
198,
2,
15069,
1946,
383,
1345,
292,
78,
4935,
46665,
13,
198,
2,
4222,
766,
262,
37195,
20673,
2393,
329,
3307,
319,
1981,
7035,
13,
198,
2,
198,
2,
49962,
739,
262,
24843,
13789,
11,
10628,
362,
13,
15,
357,
1169,
366,
34156,
15341,
198,
2,
345,
743,
407,
779,
428,
2393,
2845,
287,
11846,
351,
262,
13789,
13,
198,
2,
921,
743,
7330,
257,
4866,
286,
262,
13789,
379,
198,
2,
198,
2,
220,
220,
220,
2638,
1378,
2503,
13,
43073,
13,
2398,
14,
677,
4541,
14,
43,
2149,
24290,
12,
17,
13,
15,
198,
2,
198,
2,
17486,
2672,
416,
9723,
1099,
393,
4987,
284,
287,
3597,
11,
3788,
198,
2,
9387,
739,
262,
13789,
318,
9387,
319,
281,
366,
1921,
3180,
1,
29809,
1797,
11,
198,
2,
42881,
34764,
11015,
6375,
7102,
49828,
11053,
3963,
15529,
509,
12115,
11,
2035,
4911,
393,
17142,
13,
198,
2,
4091,
262,
13789,
329,
262,
2176,
3303,
15030,
21627,
290,
198,
2,
11247,
739,
262,
13789,
13,
198,
37811,
32750,
13877,
3519,
5499,
290,
6097,
329,
4856,
526,
15931,
198,
198,
11748,
28686,
198,
11748,
555,
715,
395,
198,
198,
6738,
47764,
85,
9501,
13,
8019,
1330,
17336,
198,
6738,
47764,
85,
9501,
13,
6978,
1330,
8860,
355,
3108,
62,
16684,
62,
69,
9548,
198,
6738,
47764,
85,
9501,
13,
411,
14375,
1330,
581,
14375,
355,
3108,
62,
16684,
62,
411,
14375,
198,
198,
6738,
458,
292,
78,
13,
20930,
1330,
4732,
198,
6738,
458,
292,
78,
13,
50179,
1330,
3725,
62,
8692,
198,
6738,
458,
292,
78,
13,
8019,
1330,
1785,
198,
6738,
458,
292,
78,
13,
8019,
1330,
16834,
198,
6738,
458,
292,
78,
13,
79,
945,
364,
1330,
4732,
355,
13544,
364,
62,
22866,
628,
198,
4871,
6208,
32750,
19100,
34991,
49106,
7,
36560,
13,
32750,
19100,
34991,
49106,
2599,
198,
220,
37227,
9487,
326,
23986,
257,
1332,
3781,
989,
16834,
7172,
526,
15931,
628,
220,
825,
11593,
15003,
834,
7,
944,
11,
16834,
62,
15252,
2599,
198,
220,
220,
220,
37227,
24243,
4340,
262,
16834,
7172,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
16834,
62,
15252,
25,
262,
16834,
2134,
357,
39098,
286,
4670,
518,
737,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
2208,
7,
14402,
32750,
19100,
34991,
49106,
11,
2116,
737,
834,
15003,
834,
7,
36560,
62,
15252,
8,
198,
220,
220,
220,
2116,
13,
20930,
62,
48922,
796,
17635,
628,
220,
825,
4808,
9444,
2454,
32750,
19100,
7,
944,
11,
3781,
62,
13116,
2599,
198,
220,
220,
220,
37227,
9444,
8139,
281,
3781,
989,
23838,
329,
3515,
2454,
32750,
37844,
526,
15931,
198,
220,
220,
220,
2116,
13,
20930,
62,
48922,
13,
33295,
7,
20930,
62,
13116,
8,
628,
220,
2488,
26745,
198,
220,
825,
1271,
62,
1659,
62,
20930,
62,
48922,
7,
944,
2599,
198,
220,
220,
220,
37227,
464,
1271,
286,
3781,
3136,
526,
15931,
198,
220,
220,
220,
1441,
18896,
7,
944,
13,
20930,
62,
48922,
8,
628,
198,
4871,
14691,
37233,
14402,
20448,
7,
403,
715,
395,
13,
14402,
20448,
2599,
198,
220,
37227,
464,
4326,
1332,
1339,
329,
281,
3781,
13877,
526,
15931,
628,
220,
4808,
51,
6465,
62,
26947,
62,
34219,
796,
28686,
13,
6978,
13,
22179,
7,
418,
13,
1136,
66,
16993,
22784,
705,
9288,
62,
7890,
11537,
628,
220,
1303,
5438,
1336,
814,
2482,
11,
636,
286,
6208,
20448,
523,
857,
407,
1061,
674,
19264,
198,
220,
1303,
21396,
13,
198,
220,
3509,
28813,
796,
6045,
628,
220,
825,
4808,
3855,
32750,
37844,
4863,
34991,
7,
944,
11,
3781,
62,
13116,
62,
36560,
62,
49827,
2599,
198,
220,
220,
220,
37227,
9781,
5034,
1158,
262,
3781,
3136,
422,
262,
16834,
7172,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
3781,
62,
13116,
62,
36560,
62,
49827,
25,
262,
3781,
989,
16834,
7172,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2134,
357,
39098,
286,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6208,
32750,
19100,
34991,
49106,
737,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
317,
1351,
286,
3781,
3136,
357,
8625,
1817,
286,
14691,
19100,
737,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
3781,
62,
13116,
62,
36560,
62,
49827,
13,
9444,
2454,
32750,
37844,
3419,
628,
220,
220,
220,
3781,
62,
48922,
796,
17635,
198,
220,
220,
220,
329,
3781,
62,
13116,
287,
3781,
62,
13116,
62,
36560,
62,
49827,
13,
20930,
62,
48922,
25,
198,
220,
220,
220,
220,
220,
2116,
13,
30493,
3792,
33384,
7,
20930,
62,
13116,
11,
1785,
13,
32750,
19100,
8,
198,
220,
220,
220,
220,
220,
3781,
62,
48922,
13,
33295,
7,
20930,
62,
13116,
8,
628,
220,
220,
220,
1441,
3781,
62,
48922,
628,
220,
825,
4808,
3855,
14402,
8979,
15235,
7,
944,
11,
3108,
62,
325,
11726,
2599,
198,
220,
220,
220,
37227,
9781,
5034,
1158,
262,
3108,
286,
257,
1332,
2393,
3585,
284,
262,
1332,
1366,
8619,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
3108,
62,
325,
11726,
25,
262,
3108,
17894,
2641,
262,
1332,
1366,
8619,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
317,
3108,
286,
262,
1332,
2393,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1303,
5740,
326,
356,
761,
284,
1208,
262,
1981,
3108,
17894,
284,
28686,
13,
6978,
13,
22179,
198,
220,
220,
220,
1303,
290,
407,
257,
1351,
13,
198,
220,
220,
220,
1441,
28686,
13,
6978,
13,
22179,
7,
944,
13557,
51,
6465,
62,
26947,
62,
34219,
11,
1635,
6978,
62,
325,
11726,
8,
628,
220,
825,
4808,
10044,
325,
8979,
7,
944,
11,
30751,
62,
15252,
11,
3108,
11,
3725,
62,
8692,
62,
15252,
2599,
198,
220,
220,
220,
37227,
47,
945,
274,
257,
2393,
1262,
262,
30751,
2134,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
30751,
62,
15252,
25,
262,
30751,
2134,
13,
198,
220,
220,
220,
220,
220,
3108,
25,
262,
3108,
286,
262,
2393,
284,
21136,
13,
198,
220,
220,
220,
220,
220,
3725,
62,
8692,
62,
15252,
25,
262,
3725,
2779,
2134,
357,
39098,
286,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
20414,
14881,
737,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
1052,
1785,
2134,
16834,
2134,
357,
39098,
286,
4670,
518,
737,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1785,
62,
36560,
796,
16834,
13,
28008,
16818,
276,
34991,
3419,
198,
220,
220,
220,
1785,
62,
36560,
62,
18230,
2189,
796,
16834,
13,
9237,
10267,
34991,
11547,
2189,
7,
15596,
62,
36560,
8,
628,
220,
220,
220,
21136,
62,
18224,
62,
36560,
796,
16834,
13,
28008,
16818,
276,
34991,
3419,
628,
220,
220,
220,
30751,
62,
22866,
796,
13544,
364,
62,
22866,
13,
46677,
21947,
7,
198,
220,
220,
220,
220,
220,
220,
220,
1785,
62,
36560,
62,
18230,
2189,
11,
21136,
62,
18224,
62,
36560,
11,
3725,
62,
8692,
62,
15252,
8,
198,
220,
220,
220,
3108,
62,
16684,
796,
3108,
62,
16684,
62,
69,
9548,
13,
22810,
13,
3791,
15235,
22882,
7,
198,
220,
220,
220,
220,
220,
220,
220,
17336,
13,
25216,
62,
12115,
2149,
25633,
62,
2640,
11,
4067,
28,
6978,
8,
198,
220,
220,
220,
2393,
62,
13000,
796,
3108,
62,
16684,
62,
411,
14375,
13,
4965,
14375,
13,
11505,
8979,
30150,
7,
6978,
62,
16684,
8,
628,
220,
220,
220,
30751,
62,
15252,
13,
10044,
325,
7,
48610,
62,
22866,
11,
2393,
62,
13000,
8,
198,
220,
220,
220,
1785,
62,
36560,
13,
11712,
282,
12915,
5189,
20560,
3419,
628,
220,
220,
220,
1441,
1785,
62,
36560,
628,
220,
825,
4808,
10987,
32750,
37233,
7,
944,
11,
3781,
62,
33803,
11,
3725,
62,
8692,
62,
15252,
2599,
198,
220,
220,
220,
37227,
37702,
12271,
281,
1785,
2134,
16834,
1262,
262,
13877,
2134,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
3781,
62,
33803,
25,
262,
3781,
13877,
2134,
357,
39098,
286,
14691,
37233,
737,
198,
220,
220,
220,
220,
220,
3725,
62,
8692,
62,
15252,
25,
262,
3725,
2779,
2134,
357,
39098,
286,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
20414,
14881,
737,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
1052,
1785,
2134,
16834,
2134,
357,
39098,
286,
4670,
518,
737,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
3781,
62,
13116,
62,
36560,
796,
16834,
13,
28008,
16818,
276,
34991,
3419,
198,
220,
220,
220,
3781,
62,
13116,
62,
36560,
62,
49827,
796,
6208,
32750,
19100,
34991,
49106,
7,
198,
220,
220,
220,
220,
220,
220,
220,
3781,
62,
13116,
62,
36560,
8,
198,
220,
220,
220,
3781,
62,
13116,
62,
36560,
62,
18230,
2189,
796,
16834,
13,
32750,
19100,
34991,
11547,
2189,
7,
198,
220,
220,
220,
220,
220,
220,
220,
3781,
62,
13116,
62,
36560,
8,
628,
220,
220,
220,
3781,
62,
22866,
796,
4732,
13,
32750,
21947,
7,
198,
220,
220,
220,
220,
220,
220,
220,
3781,
62,
13116,
62,
36560,
62,
18230,
2189,
11,
3725,
62,
8692,
62,
15252,
8,
628,
220,
220,
220,
3781,
62,
33803,
13,
10987,
37233,
7,
20930,
62,
22866,
8,
198,
220,
220,
220,
3781,
62,
13116,
62,
36560,
13,
11712,
282,
12915,
5189,
20560,
3419,
628,
220,
220,
220,
1441,
3781,
62,
13116,
62,
36560,
62,
49827,
628,
220,
825,
4808,
7248,
4933,
23812,
2965,
14881,
7,
944,
11,
3725,
62,
8692,
62,
27160,
28,
14202,
2599,
198,
220,
220,
220,
37227,
50,
1039,
510,
257,
3725,
2779,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
3725,
62,
8692,
62,
27160,
25,
11902,
8633,
7268,
262,
3725,
2779,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3815,
13,
383,
4277,
318,
6045,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
1052,
3725,
2779,
2134,
357,
39098,
286,
20414,
14881,
737,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
3725,
62,
8692,
62,
15252,
796,
3725,
62,
8692,
13,
23812,
2965,
14881,
3419,
198,
220,
220,
220,
611,
3725,
62,
8692,
62,
27160,
25,
198,
220,
220,
220,
220,
220,
329,
27421,
11,
1988,
287,
3725,
62,
8692,
62,
27160,
13,
2676,
23814,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
3725,
62,
8692,
62,
15252,
13,
7248,
11395,
7,
738,
7483,
11,
1988,
8,
628,
220,
220,
220,
1441,
3725,
62,
8692,
62,
15252,
198
] | 3.052548 | 1,884 |
"""Provide pytest fixtures for the entire test suite.
These fixtures create data and data modules that can be reused by other tests. Their
construction relies heavily on the utility functions provided in `utils/scripts.py`.
"""
import copy
import imgaug.augmenters as iaa
from omegaconf import ListConfig, OmegaConf
import os
import pytest
import pytorch_lightning as pl
import shutil
import torch
from typing import Callable, List, Optional
import yaml
from lightning_pose.data.datamodules import BaseDataModule, UnlabeledDataModule
from lightning_pose.data.datasets import BaseTrackingDataset, HeatmapDataset
from lightning_pose.utils.predictions import get_videos_in_dir
from lightning_pose.utils.scripts import (
get_data_module,
get_dataset,
get_imgaug_transform,
)
_TORCH_DEVICE = "cuda" if torch.cuda.is_available() else "cpu"
TOY_DATA_ROOT_DIR = "toy_datasets/toymouseRunningData"
@pytest.fixture
def cfg() -> dict:
"""Load all toy data config files without hydra."""
base_dir = os.path.dirname(os.path.dirname(os.path.join(__file__)))
config_dir = os.path.join(base_dir, "scripts", "configs")
keys = ["data", "losses", "model", "training"]
cfg = {}
for key in keys:
cfg_tmp = os.path.join(config_dir, key, "%s_params.yaml" % key)
with open(cfg_tmp) as f:
dict_tmp = yaml.load(f, Loader=yaml.FullLoader)
cfg[key] = dict_tmp
return OmegaConf.create(cfg)
@pytest.fixture
def imgaug_transform(cfg) -> iaa.Sequential:
"""Create basic resizing transform."""
return get_imgaug_transform(cfg)
@pytest.fixture
def base_dataset(cfg, imgaug_transform) -> BaseTrackingDataset:
"""Create a dataset for regression models from toy data."""
# setup
cfg_tmp = copy.deepcopy(cfg)
cfg_tmp.model.model_type = "regression"
base_dataset = get_dataset(
cfg_tmp, data_dir=TOY_DATA_ROOT_DIR, imgaug_transform=imgaug_transform
)
# return to tests
yield base_dataset
# cleanup after all tests have run (no more calls to yield)
del base_dataset
torch.cuda.empty_cache()
@pytest.fixture
def heatmap_dataset(cfg, imgaug_transform) -> HeatmapDataset:
"""Create a dataset for heatmap models from toy data."""
# setup
cfg_tmp = copy.deepcopy(cfg)
cfg_tmp.model.model_type = "heatmap"
heatmap_dataset = get_dataset(
cfg_tmp, data_dir=TOY_DATA_ROOT_DIR, imgaug_transform=imgaug_transform
)
# return to tests
yield heatmap_dataset
# cleanup after all tests have run (no more calls to yield)
del heatmap_dataset
torch.cuda.empty_cache()
@pytest.fixture
def base_data_module(cfg, base_dataset) -> BaseDataModule:
"""Create a labeled data module for regression models."""
# setup
cfg_tmp = copy.deepcopy(cfg)
cfg_tmp.model.losses_to_use = []
# bump up training data so we can test pca_singleview loss
cfg_tmp.training.train_prob = 0.95
cfg_tmp.training.val_prob = 0.025
data_module = get_data_module(cfg_tmp, dataset=base_dataset, video_dir=None)
data_module.setup()
# return to tests
yield data_module
# cleanup after all tests have run (no more calls to yield)
del data_module
torch.cuda.empty_cache()
@pytest.fixture
def heatmap_data_module(cfg, heatmap_dataset) -> BaseDataModule:
"""Create a labeled data module for heatmap models."""
# setup
cfg_tmp = copy.deepcopy(cfg)
cfg_tmp.model.losses_to_use = []
# bump up training data so we can test pca_singleview loss
cfg_tmp.training.train_prob = 0.95
cfg_tmp.training.val_prob = 0.025
data_module = get_data_module(cfg_tmp, dataset=heatmap_dataset, video_dir=None)
data_module.setup()
# return to tests
yield data_module
# cleanup after all tests have run (no more calls to yield)
del data_module
torch.cuda.empty_cache()
@pytest.fixture
def base_data_module_combined(cfg, base_dataset) -> UnlabeledDataModule:
"""Create a combined data module for regression models."""
# setup
cfg_tmp = copy.deepcopy(cfg)
cfg_tmp.model.losses_to_use = ["temporal"]
data_module = get_data_module(
cfg_tmp,
dataset=base_dataset,
video_dir=os.path.join(TOY_DATA_ROOT_DIR, "unlabeled_videos")
)
# data_module.setup() # already done in UnlabeledDataModule constructor
# return to tests
yield data_module
# cleanup after all tests have run (no more calls to yield)
del data_module
torch.cuda.empty_cache()
@pytest.fixture
def heatmap_data_module_combined(cfg, heatmap_dataset) -> UnlabeledDataModule:
"""Create a combined data module for heatmap models."""
# setup
cfg_tmp = copy.deepcopy(cfg)
cfg_tmp.model.losses_to_use = ["temporal"]
data_module = get_data_module(
cfg_tmp,
dataset=heatmap_dataset,
video_dir=os.path.join(TOY_DATA_ROOT_DIR, "unlabeled_videos")
)
# data_module.setup() # already done in UnlabeledDataModule constructor
# return to tests
yield data_module
# cleanup after all tests have run (no more calls to yield)
del data_module
torch.cuda.empty_cache()
@pytest.fixture
def trainer(cfg) -> pl.Trainer:
"""Create a basic pytorch lightning trainer for testing models."""
ckpt_callback = pl.callbacks.model_checkpoint.ModelCheckpoint(
monitor="val_supervised_loss"
)
transfer_unfreeze_callback = pl.callbacks.BackboneFinetuning(
unfreeze_backbone_at_epoch=10,
lambda_func=lambda epoch: 1.5,
backbone_initial_ratio_lr=0.1,
should_align=True,
train_bn=True,
)
# determine gpu setup
if _TORCH_DEVICE == "cpu":
gpus = 0
elif isinstance(cfg.training.gpu_id, list):
gpus = cfg.training.gpu_id
elif isinstance(cfg.training.gpu_id, ListConfig):
gpus = list(cfg.training.gpu_id)
elif isinstance(cfg.training.gpu_id, int):
gpus = [cfg.training.gpu_id]
else:
raise NotImplementedError(
"training.gpu_id must be list or int, not {}".format(
type(cfg.training.gpu_id)
)
)
trainer = pl.Trainer(
gpus=gpus,
max_epochs=2,
min_epochs=2,
check_val_every_n_epoch=1,
log_every_n_steps=1,
callbacks=[ckpt_callback, transfer_unfreeze_callback],
limit_train_batches=2,
)
return trainer
@pytest.fixture
@pytest.fixture
@pytest.fixture
| [
37811,
15946,
485,
12972,
9288,
34609,
329,
262,
2104,
1332,
18389,
13,
198,
198,
4711,
34609,
2251,
1366,
290,
1366,
13103,
326,
460,
307,
46823,
416,
584,
5254,
13,
5334,
198,
9979,
2762,
16507,
7272,
319,
262,
10361,
5499,
2810,
287,
4600,
26791,
14,
46521,
13,
9078,
44646,
198,
198,
37811,
198,
198,
11748,
4866,
198,
11748,
33705,
7493,
13,
559,
5154,
364,
355,
220,
544,
64,
198,
6738,
267,
28917,
7807,
69,
1330,
7343,
16934,
11,
19839,
18546,
198,
11748,
28686,
198,
11748,
12972,
9288,
198,
11748,
12972,
13165,
354,
62,
2971,
768,
355,
458,
198,
11748,
4423,
346,
198,
11748,
28034,
198,
6738,
19720,
1330,
4889,
540,
11,
7343,
11,
32233,
198,
11748,
331,
43695,
198,
198,
6738,
14357,
62,
3455,
13,
7890,
13,
19608,
321,
375,
5028,
1330,
7308,
6601,
26796,
11,
791,
18242,
276,
6601,
26796,
198,
6738,
14357,
62,
3455,
13,
7890,
13,
19608,
292,
1039,
1330,
7308,
2898,
5430,
27354,
292,
316,
11,
12308,
8899,
27354,
292,
316,
198,
6738,
14357,
62,
3455,
13,
26791,
13,
28764,
9278,
1330,
651,
62,
32861,
62,
259,
62,
15908,
198,
6738,
14357,
62,
3455,
13,
26791,
13,
46521,
1330,
357,
198,
220,
220,
220,
651,
62,
7890,
62,
21412,
11,
198,
220,
220,
220,
651,
62,
19608,
292,
316,
11,
198,
220,
220,
220,
651,
62,
9600,
7493,
62,
35636,
11,
198,
8,
198,
198,
62,
32961,
3398,
62,
7206,
27389,
796,
366,
66,
15339,
1,
611,
28034,
13,
66,
15339,
13,
271,
62,
15182,
3419,
2073,
366,
36166,
1,
198,
198,
10468,
56,
62,
26947,
62,
13252,
2394,
62,
34720,
796,
366,
83,
726,
62,
19608,
292,
1039,
14,
83,
726,
35888,
28768,
6601,
1,
628,
198,
31,
9078,
9288,
13,
69,
9602,
198,
4299,
30218,
70,
3419,
4613,
8633,
25,
198,
220,
220,
220,
37227,
8912,
477,
13373,
1366,
4566,
3696,
1231,
25039,
526,
15931,
628,
220,
220,
220,
2779,
62,
15908,
796,
28686,
13,
6978,
13,
15908,
3672,
7,
418,
13,
6978,
13,
15908,
3672,
7,
418,
13,
6978,
13,
22179,
7,
834,
7753,
834,
22305,
198,
220,
220,
220,
4566,
62,
15908,
796,
28686,
13,
6978,
13,
22179,
7,
8692,
62,
15908,
11,
366,
46521,
1600,
366,
11250,
82,
4943,
628,
220,
220,
220,
8251,
796,
14631,
7890,
1600,
366,
22462,
274,
1600,
366,
19849,
1600,
366,
34409,
8973,
198,
220,
220,
220,
30218,
70,
796,
23884,
628,
220,
220,
220,
329,
1994,
287,
8251,
25,
198,
220,
220,
220,
220,
220,
220,
220,
30218,
70,
62,
22065,
796,
28686,
13,
6978,
13,
22179,
7,
11250,
62,
15908,
11,
1994,
11,
36521,
82,
62,
37266,
13,
88,
43695,
1,
4064,
1994,
8,
198,
220,
220,
220,
220,
220,
220,
220,
351,
1280,
7,
37581,
62,
22065,
8,
355,
277,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8633,
62,
22065,
796,
331,
43695,
13,
2220,
7,
69,
11,
8778,
263,
28,
88,
43695,
13,
13295,
17401,
8,
198,
220,
220,
220,
220,
220,
220,
220,
30218,
70,
58,
2539,
60,
796,
8633,
62,
22065,
628,
220,
220,
220,
1441,
19839,
18546,
13,
17953,
7,
37581,
8,
628,
198,
31,
9078,
9288,
13,
69,
9602,
198,
4299,
33705,
7493,
62,
35636,
7,
37581,
8,
4613,
220,
544,
64,
13,
44015,
1843,
25,
198,
220,
220,
220,
37227,
16447,
4096,
581,
2890,
6121,
526,
15931,
198,
220,
220,
220,
1441,
651,
62,
9600,
7493,
62,
35636,
7,
37581,
8,
628,
198,
31,
9078,
9288,
13,
69,
9602,
198,
4299,
2779,
62,
19608,
292,
316,
7,
37581,
11,
33705,
7493,
62,
35636,
8,
4613,
7308,
2898,
5430,
27354,
292,
316,
25,
198,
220,
220,
220,
37227,
16447,
257,
27039,
329,
20683,
4981,
422,
13373,
1366,
526,
15931,
628,
220,
220,
220,
1303,
9058,
198,
220,
220,
220,
30218,
70,
62,
22065,
796,
4866,
13,
22089,
30073,
7,
37581,
8,
198,
220,
220,
220,
30218,
70,
62,
22065,
13,
19849,
13,
19849,
62,
4906,
796,
366,
2301,
2234,
1,
198,
220,
220,
220,
2779,
62,
19608,
292,
316,
796,
651,
62,
19608,
292,
316,
7,
198,
220,
220,
220,
220,
220,
220,
220,
30218,
70,
62,
22065,
11,
1366,
62,
15908,
28,
10468,
56,
62,
26947,
62,
13252,
2394,
62,
34720,
11,
33705,
7493,
62,
35636,
28,
9600,
7493,
62,
35636,
198,
220,
220,
220,
1267,
628,
220,
220,
220,
1303,
1441,
284,
5254,
198,
220,
220,
220,
7800,
2779,
62,
19608,
292,
316,
628,
220,
220,
220,
1303,
27425,
706,
477,
5254,
423,
1057,
357,
3919,
517,
3848,
284,
7800,
8,
198,
220,
220,
220,
1619,
2779,
62,
19608,
292,
316,
198,
220,
220,
220,
28034,
13,
66,
15339,
13,
28920,
62,
23870,
3419,
628,
198,
31,
9078,
9288,
13,
69,
9602,
198,
4299,
4894,
8899,
62,
19608,
292,
316,
7,
37581,
11,
33705,
7493,
62,
35636,
8,
4613,
12308,
8899,
27354,
292,
316,
25,
198,
220,
220,
220,
37227,
16447,
257,
27039,
329,
4894,
8899,
4981,
422,
13373,
1366,
526,
15931,
628,
220,
220,
220,
1303,
9058,
198,
220,
220,
220,
30218,
70,
62,
22065,
796,
4866,
13,
22089,
30073,
7,
37581,
8,
198,
220,
220,
220,
30218,
70,
62,
22065,
13,
19849,
13,
19849,
62,
4906,
796,
366,
25080,
8899,
1,
198,
220,
220,
220,
4894,
8899,
62,
19608,
292,
316,
796,
651,
62,
19608,
292,
316,
7,
198,
220,
220,
220,
220,
220,
220,
220,
30218,
70,
62,
22065,
11,
1366,
62,
15908,
28,
10468,
56,
62,
26947,
62,
13252,
2394,
62,
34720,
11,
33705,
7493,
62,
35636,
28,
9600,
7493,
62,
35636,
198,
220,
220,
220,
1267,
628,
220,
220,
220,
1303,
1441,
284,
5254,
198,
220,
220,
220,
7800,
4894,
8899,
62,
19608,
292,
316,
628,
220,
220,
220,
1303,
27425,
706,
477,
5254,
423,
1057,
357,
3919,
517,
3848,
284,
7800,
8,
198,
220,
220,
220,
1619,
4894,
8899,
62,
19608,
292,
316,
198,
220,
220,
220,
28034,
13,
66,
15339,
13,
28920,
62,
23870,
3419,
628,
198,
31,
9078,
9288,
13,
69,
9602,
198,
4299,
2779,
62,
7890,
62,
21412,
7,
37581,
11,
2779,
62,
19608,
292,
316,
8,
4613,
7308,
6601,
26796,
25,
198,
220,
220,
220,
37227,
16447,
257,
15494,
1366,
8265,
329,
20683,
4981,
526,
15931,
628,
220,
220,
220,
1303,
9058,
198,
220,
220,
220,
30218,
70,
62,
22065,
796,
4866,
13,
22089,
30073,
7,
37581,
8,
198,
220,
220,
220,
30218,
70,
62,
22065,
13,
19849,
13,
22462,
274,
62,
1462,
62,
1904,
796,
17635,
198,
220,
220,
220,
1303,
13852,
510,
3047,
1366,
523,
356,
460,
1332,
279,
6888,
62,
29762,
1177,
2994,
198,
220,
220,
220,
30218,
70,
62,
22065,
13,
34409,
13,
27432,
62,
1676,
65,
796,
657,
13,
3865,
198,
220,
220,
220,
30218,
70,
62,
22065,
13,
34409,
13,
2100,
62,
1676,
65,
796,
657,
13,
36629,
198,
220,
220,
220,
1366,
62,
21412,
796,
651,
62,
7890,
62,
21412,
7,
37581,
62,
22065,
11,
27039,
28,
8692,
62,
19608,
292,
316,
11,
2008,
62,
15908,
28,
14202,
8,
198,
220,
220,
220,
1366,
62,
21412,
13,
40406,
3419,
628,
220,
220,
220,
1303,
1441,
284,
5254,
198,
220,
220,
220,
7800,
1366,
62,
21412,
628,
220,
220,
220,
1303,
27425,
706,
477,
5254,
423,
1057,
357,
3919,
517,
3848,
284,
7800,
8,
198,
220,
220,
220,
1619,
1366,
62,
21412,
198,
220,
220,
220,
28034,
13,
66,
15339,
13,
28920,
62,
23870,
3419,
628,
198,
31,
9078,
9288,
13,
69,
9602,
198,
4299,
4894,
8899,
62,
7890,
62,
21412,
7,
37581,
11,
4894,
8899,
62,
19608,
292,
316,
8,
4613,
7308,
6601,
26796,
25,
198,
220,
220,
220,
37227,
16447,
257,
15494,
1366,
8265,
329,
4894,
8899,
4981,
526,
15931,
628,
220,
220,
220,
1303,
9058,
198,
220,
220,
220,
30218,
70,
62,
22065,
796,
4866,
13,
22089,
30073,
7,
37581,
8,
198,
220,
220,
220,
30218,
70,
62,
22065,
13,
19849,
13,
22462,
274,
62,
1462,
62,
1904,
796,
17635,
198,
220,
220,
220,
1303,
13852,
510,
3047,
1366,
523,
356,
460,
1332,
279,
6888,
62,
29762,
1177,
2994,
198,
220,
220,
220,
30218,
70,
62,
22065,
13,
34409,
13,
27432,
62,
1676,
65,
796,
657,
13,
3865,
198,
220,
220,
220,
30218,
70,
62,
22065,
13,
34409,
13,
2100,
62,
1676,
65,
796,
657,
13,
36629,
198,
220,
220,
220,
1366,
62,
21412,
796,
651,
62,
7890,
62,
21412,
7,
37581,
62,
22065,
11,
27039,
28,
25080,
8899,
62,
19608,
292,
316,
11,
2008,
62,
15908,
28,
14202,
8,
198,
220,
220,
220,
1366,
62,
21412,
13,
40406,
3419,
628,
220,
220,
220,
1303,
1441,
284,
5254,
198,
220,
220,
220,
7800,
1366,
62,
21412,
628,
220,
220,
220,
1303,
27425,
706,
477,
5254,
423,
1057,
357,
3919,
517,
3848,
284,
7800,
8,
198,
220,
220,
220,
1619,
1366,
62,
21412,
198,
220,
220,
220,
28034,
13,
66,
15339,
13,
28920,
62,
23870,
3419,
628,
198,
31,
9078,
9288,
13,
69,
9602,
198,
4299,
2779,
62,
7890,
62,
21412,
62,
24011,
1389,
7,
37581,
11,
2779,
62,
19608,
292,
316,
8,
4613,
791,
18242,
276,
6601,
26796,
25,
198,
220,
220,
220,
37227,
16447,
257,
5929,
1366,
8265,
329,
20683,
4981,
526,
15931,
628,
220,
220,
220,
1303,
9058,
198,
220,
220,
220,
30218,
70,
62,
22065,
796,
4866,
13,
22089,
30073,
7,
37581,
8,
198,
220,
220,
220,
30218,
70,
62,
22065,
13,
19849,
13,
22462,
274,
62,
1462,
62,
1904,
796,
14631,
11498,
35738,
8973,
198,
220,
220,
220,
1366,
62,
21412,
796,
651,
62,
7890,
62,
21412,
7,
198,
220,
220,
220,
220,
220,
220,
220,
30218,
70,
62,
22065,
11,
198,
220,
220,
220,
220,
220,
220,
220,
27039,
28,
8692,
62,
19608,
292,
316,
11,
198,
220,
220,
220,
220,
220,
220,
220,
2008,
62,
15908,
28,
418,
13,
6978,
13,
22179,
7,
10468,
56,
62,
26947,
62,
13252,
2394,
62,
34720,
11,
366,
403,
18242,
276,
62,
32861,
4943,
198,
220,
220,
220,
1267,
198,
220,
220,
220,
1303,
1366,
62,
21412,
13,
40406,
3419,
220,
1303,
1541,
1760,
287,
791,
18242,
276,
6601,
26796,
23772,
628,
220,
220,
220,
1303,
1441,
284,
5254,
198,
220,
220,
220,
7800,
1366,
62,
21412,
628,
220,
220,
220,
1303,
27425,
706,
477,
5254,
423,
1057,
357,
3919,
517,
3848,
284,
7800,
8,
198,
220,
220,
220,
1619,
1366,
62,
21412,
198,
220,
220,
220,
28034,
13,
66,
15339,
13,
28920,
62,
23870,
3419,
628,
198,
31,
9078,
9288,
13,
69,
9602,
198,
4299,
4894,
8899,
62,
7890,
62,
21412,
62,
24011,
1389,
7,
37581,
11,
4894,
8899,
62,
19608,
292,
316,
8,
4613,
791,
18242,
276,
6601,
26796,
25,
198,
220,
220,
220,
37227,
16447,
257,
5929,
1366,
8265,
329,
4894,
8899,
4981,
526,
15931,
628,
220,
220,
220,
1303,
9058,
198,
220,
220,
220,
30218,
70,
62,
22065,
796,
4866,
13,
22089,
30073,
7,
37581,
8,
198,
220,
220,
220,
30218,
70,
62,
22065,
13,
19849,
13,
22462,
274,
62,
1462,
62,
1904,
796,
14631,
11498,
35738,
8973,
198,
220,
220,
220,
1366,
62,
21412,
796,
651,
62,
7890,
62,
21412,
7,
198,
220,
220,
220,
220,
220,
220,
220,
30218,
70,
62,
22065,
11,
198,
220,
220,
220,
220,
220,
220,
220,
27039,
28,
25080,
8899,
62,
19608,
292,
316,
11,
198,
220,
220,
220,
220,
220,
220,
220,
2008,
62,
15908,
28,
418,
13,
6978,
13,
22179,
7,
10468,
56,
62,
26947,
62,
13252,
2394,
62,
34720,
11,
366,
403,
18242,
276,
62,
32861,
4943,
198,
220,
220,
220,
1267,
198,
220,
220,
220,
1303,
1366,
62,
21412,
13,
40406,
3419,
220,
1303,
1541,
1760,
287,
791,
18242,
276,
6601,
26796,
23772,
628,
220,
220,
220,
1303,
1441,
284,
5254,
198,
220,
220,
220,
7800,
1366,
62,
21412,
628,
220,
220,
220,
1303,
27425,
706,
477,
5254,
423,
1057,
357,
3919,
517,
3848,
284,
7800,
8,
198,
220,
220,
220,
1619,
1366,
62,
21412,
198,
220,
220,
220,
28034,
13,
66,
15339,
13,
28920,
62,
23870,
3419,
628,
198,
31,
9078,
9288,
13,
69,
9602,
198,
4299,
21997,
7,
37581,
8,
4613,
458,
13,
2898,
10613,
25,
198,
220,
220,
220,
37227,
16447,
257,
4096,
12972,
13165,
354,
14357,
21997,
329,
4856,
4981,
526,
15931,
628,
220,
220,
220,
269,
74,
457,
62,
47423,
796,
458,
13,
13345,
10146,
13,
19849,
62,
9122,
4122,
13,
17633,
9787,
4122,
7,
198,
220,
220,
220,
220,
220,
220,
220,
5671,
2625,
2100,
62,
16668,
16149,
62,
22462,
1,
198,
220,
220,
220,
1267,
198,
220,
220,
220,
4351,
62,
403,
5787,
2736,
62,
47423,
796,
458,
13,
13345,
10146,
13,
7282,
15992,
18467,
316,
46493,
7,
198,
220,
220,
220,
220,
220,
220,
220,
3684,
631,
2736,
62,
1891,
15992,
62,
265,
62,
538,
5374,
28,
940,
11,
198,
220,
220,
220,
220,
220,
220,
220,
37456,
62,
20786,
28,
50033,
36835,
25,
352,
13,
20,
11,
198,
220,
220,
220,
220,
220,
220,
220,
32774,
62,
36733,
62,
10366,
952,
62,
14050,
28,
15,
13,
16,
11,
198,
220,
220,
220,
220,
220,
220,
220,
815,
62,
31494,
28,
17821,
11,
198,
220,
220,
220,
220,
220,
220,
220,
4512,
62,
9374,
28,
17821,
11,
198,
220,
220,
220,
1267,
198,
220,
220,
220,
1303,
5004,
308,
19944,
9058,
198,
220,
220,
220,
611,
4808,
32961,
3398,
62,
7206,
27389,
6624,
366,
36166,
1298,
198,
220,
220,
220,
220,
220,
220,
220,
27809,
385,
796,
657,
198,
220,
220,
220,
1288,
361,
318,
39098,
7,
37581,
13,
34409,
13,
46999,
62,
312,
11,
1351,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
27809,
385,
796,
30218,
70,
13,
34409,
13,
46999,
62,
312,
198,
220,
220,
220,
1288,
361,
318,
39098,
7,
37581,
13,
34409,
13,
46999,
62,
312,
11,
7343,
16934,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
27809,
385,
796,
1351,
7,
37581,
13,
34409,
13,
46999,
62,
312,
8,
198,
220,
220,
220,
1288,
361,
318,
39098,
7,
37581,
13,
34409,
13,
46999,
62,
312,
11,
493,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
27809,
385,
796,
685,
37581,
13,
34409,
13,
46999,
62,
312,
60,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
1892,
3546,
1154,
12061,
12331,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
34409,
13,
46999,
62,
312,
1276,
307,
1351,
393,
493,
11,
407,
23884,
1911,
18982,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2099,
7,
37581,
13,
34409,
13,
46999,
62,
312,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
21997,
796,
458,
13,
2898,
10613,
7,
198,
220,
220,
220,
220,
220,
220,
220,
27809,
385,
28,
31197,
385,
11,
198,
220,
220,
220,
220,
220,
220,
220,
3509,
62,
538,
5374,
82,
28,
17,
11,
198,
220,
220,
220,
220,
220,
220,
220,
949,
62,
538,
5374,
82,
28,
17,
11,
198,
220,
220,
220,
220,
220,
220,
220,
2198,
62,
2100,
62,
16833,
62,
77,
62,
538,
5374,
28,
16,
11,
198,
220,
220,
220,
220,
220,
220,
220,
2604,
62,
16833,
62,
77,
62,
20214,
28,
16,
11,
198,
220,
220,
220,
220,
220,
220,
220,
869,
10146,
41888,
694,
457,
62,
47423,
11,
4351,
62,
403,
5787,
2736,
62,
47423,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
4179,
62,
27432,
62,
8664,
2052,
28,
17,
11,
198,
220,
220,
220,
1267,
628,
220,
220,
220,
1441,
21997,
628,
198,
31,
9078,
9288,
13,
69,
9602,
628,
198,
31,
9078,
9288,
13,
69,
9602,
628,
198,
31,
9078,
9288,
13,
69,
9602,
198
] | 2.491923 | 2,600 |
from .utils import load_query
| [
6738,
764,
26791,
1330,
3440,
62,
22766,
198
] | 3.75 | 8 |
import datetime
import os
import platform
import pytest
import subprocess
import sys
import uuid
sys.path.insert(0, 'src')
from cosalib import cmdlib
PY_MAJOR, PY_MINOR, PY_PATCH = platform.python_version_tuple()
def test_run_verbose():
"""
Verify run_verbose returns expected information
"""
result = cmdlib.run_verbose(['echo', 'hi'])
assert result.stdout is None
with pytest.raises(FileNotFoundError):
cmdlib.run_verbose(['idonotexist'])
# If we are not at least on Python 3.7 we must skip the following test
if PY_MAJOR == 3 and PY_MINOR >= 7:
result = cmdlib.run_verbose(['echo', 'hi'], capture_output=True)
assert result.stdout == b'hi\n'
def test_write_and_load_json(tmpdir):
"""
Ensure write_json writes loadable json
"""
data = {
'test': ['data'],
}
path = os.path.join(tmpdir, 'data.json')
cmdlib.write_json(path, data)
# Ensure the file exists
assert os.path.isfile(path)
# Ensure the data matches
assert cmdlib.load_json(path) == data
def test_sha256sum_file(tmpdir):
"""
Verify we get the proper sha256 sum
"""
test_file = os.path.join(tmpdir, 'testfile')
with open(test_file, 'w') as f:
f.write('test')
# $ sha256sum testfile
# 9f86d081884c7d659a2feaa0c55ad015a3bf4f1b2b0b822cd15d6c15b0f00a08
e = '9f86d081884c7d659a2feaa0c55ad015a3bf4f1b2b0b822cd15d6c15b0f00a08'
shasum = cmdlib.sha256sum_file(test_file)
assert shasum == e
def test_fatal(capsys):
"""
Ensure that fatal does indeed attempt to exit
"""
test_string = str(uuid.uuid4())
err = None
with pytest.raises(SystemExit) as err:
cmdlib.fatal(test_string)
# Check that our test string is in stderr
assert test_string in str(err)
def test_info(capsys):
"""
Verify test_info writes properly to stderr without exit
"""
test_string = str(uuid.uuid4())
cmdlib.info(test_string)
captured = capsys.readouterr()
assert test_string in captured.err
def test_rfc3339_time():
"""
Verify the format returned from rfc3339_time
"""
t = cmdlib.rfc3339_time()
assert datetime.datetime.strptime(t, '%Y-%m-%dT%H:%M:%SZ')
# now and utcnow don't set TZ's. We should get a raise
with pytest.raises(AssertionError):
cmdlib.rfc3339_time(datetime.datetime.now())
def test_rm_allow_noent(tmpdir):
"""
Ensure rm_allow_noent works both with existing and non existing files
"""
test_path = os.path.join(tmpdir, 'testfile')
with open(test_path, 'w') as f:
f.write('test')
# Exists
cmdlib.rm_allow_noent(test_path)
# Doesn't exist
cmdlib.rm_allow_noent(test_path)
def test_import_ostree_commit(monkeypatch, tmpdir):
"""
Verify the correct ostree/tar commands are executed when
import_ostree_commit is called.
"""
repo_tmp = os.path.join(tmpdir, 'tmp')
os.mkdir(repo_tmp)
class monkeyspcheck_call:
"""
Verifies each subprocess.check_call matches what is required.
"""
check_call_count = 0
def monkeyspcall(*args, **kwargs):
"""
Verifies suprocess.call matches what we need.
"""
assert args[0] == ['ostree', 'show', '--repo', tmpdir, 'commit']
# Monkey patch the subprocess function
monkeypatch.setattr(subprocess, 'check_call', monkeyspcheck_call())
monkeypatch.setattr(subprocess, 'call', monkeyspcall)
build = {
'ostree-commit': 'commit',
'images': {
'ostree': {
'path': 'tarfile.tar'
}
}
}
cmdlib.import_ostree_commit(tmpdir, './', build)
| [
11748,
4818,
8079,
198,
11748,
28686,
198,
11748,
3859,
198,
11748,
12972,
9288,
198,
11748,
850,
14681,
198,
11748,
25064,
198,
11748,
334,
27112,
198,
198,
17597,
13,
6978,
13,
28463,
7,
15,
11,
705,
10677,
11537,
198,
198,
6738,
8615,
282,
571,
1330,
23991,
8019,
198,
198,
47,
56,
62,
5673,
41,
1581,
11,
350,
56,
62,
23678,
1581,
11,
350,
56,
62,
47,
11417,
796,
3859,
13,
29412,
62,
9641,
62,
83,
29291,
3419,
628,
198,
4299,
1332,
62,
5143,
62,
19011,
577,
33529,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
49899,
1057,
62,
19011,
577,
5860,
2938,
1321,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1255,
796,
23991,
8019,
13,
5143,
62,
19011,
577,
7,
17816,
30328,
3256,
705,
5303,
6,
12962,
198,
220,
220,
220,
6818,
1255,
13,
19282,
448,
318,
6045,
198,
220,
220,
220,
351,
12972,
9288,
13,
430,
2696,
7,
8979,
3673,
21077,
12331,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
23991,
8019,
13,
5143,
62,
19011,
577,
7,
17816,
47287,
313,
38476,
6,
12962,
198,
220,
220,
220,
1303,
1002,
356,
389,
407,
379,
1551,
319,
11361,
513,
13,
22,
356,
1276,
14267,
262,
1708,
1332,
198,
220,
220,
220,
611,
350,
56,
62,
5673,
41,
1581,
6624,
513,
290,
350,
56,
62,
23678,
1581,
18189,
767,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1255,
796,
23991,
8019,
13,
5143,
62,
19011,
577,
7,
17816,
30328,
3256,
705,
5303,
6,
4357,
8006,
62,
22915,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
220,
220,
6818,
1255,
13,
19282,
448,
6624,
275,
6,
5303,
59,
77,
6,
628,
198,
4299,
1332,
62,
13564,
62,
392,
62,
2220,
62,
17752,
7,
22065,
15908,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
48987,
3551,
62,
17752,
6797,
3440,
540,
33918,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1366,
796,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
705,
9288,
10354,
37250,
7890,
6,
4357,
198,
220,
220,
220,
1782,
198,
220,
220,
220,
3108,
796,
28686,
13,
6978,
13,
22179,
7,
22065,
15908,
11,
705,
7890,
13,
17752,
11537,
198,
220,
220,
220,
23991,
8019,
13,
13564,
62,
17752,
7,
6978,
11,
1366,
8,
198,
220,
220,
220,
1303,
48987,
262,
2393,
7160,
198,
220,
220,
220,
6818,
28686,
13,
6978,
13,
4468,
576,
7,
6978,
8,
198,
220,
220,
220,
1303,
48987,
262,
1366,
7466,
198,
220,
220,
220,
6818,
23991,
8019,
13,
2220,
62,
17752,
7,
6978,
8,
6624,
1366,
628,
198,
4299,
1332,
62,
26270,
11645,
16345,
62,
7753,
7,
22065,
15908,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
49899,
356,
651,
262,
1774,
427,
64,
11645,
2160,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1332,
62,
7753,
796,
28686,
13,
6978,
13,
22179,
7,
22065,
15908,
11,
705,
9288,
7753,
11537,
198,
220,
220,
220,
351,
1280,
7,
9288,
62,
7753,
11,
705,
86,
11537,
355,
277,
25,
198,
220,
220,
220,
220,
220,
220,
220,
277,
13,
13564,
10786,
9288,
11537,
198,
220,
220,
220,
1303,
720,
427,
64,
11645,
16345,
1332,
7753,
198,
220,
220,
220,
1303,
860,
69,
4521,
67,
2919,
1507,
5705,
66,
22,
67,
36445,
64,
17,
5036,
7252,
15,
66,
2816,
324,
25150,
64,
18,
19881,
19,
69,
16,
65,
17,
65,
15,
65,
23,
1828,
10210,
1314,
67,
21,
66,
1314,
65,
15,
69,
405,
64,
2919,
198,
220,
220,
220,
304,
796,
705,
24,
69,
4521,
67,
2919,
1507,
5705,
66,
22,
67,
36445,
64,
17,
5036,
7252,
15,
66,
2816,
324,
25150,
64,
18,
19881,
19,
69,
16,
65,
17,
65,
15,
65,
23,
1828,
10210,
1314,
67,
21,
66,
1314,
65,
15,
69,
405,
64,
2919,
6,
198,
220,
220,
220,
427,
292,
388,
796,
23991,
8019,
13,
26270,
11645,
16345,
62,
7753,
7,
9288,
62,
7753,
8,
198,
220,
220,
220,
6818,
427,
292,
388,
6624,
304,
628,
198,
4299,
1332,
62,
69,
10254,
7,
27979,
893,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
48987,
326,
10800,
857,
5600,
2230,
284,
8420,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1332,
62,
8841,
796,
965,
7,
12303,
312,
13,
12303,
312,
19,
28955,
198,
220,
220,
220,
11454,
796,
6045,
198,
220,
220,
220,
351,
12972,
9288,
13,
430,
2696,
7,
11964,
30337,
8,
355,
11454,
25,
198,
220,
220,
220,
220,
220,
220,
220,
23991,
8019,
13,
69,
10254,
7,
9288,
62,
8841,
8,
198,
220,
220,
220,
1303,
6822,
326,
674,
1332,
4731,
318,
287,
336,
1082,
81,
198,
220,
220,
220,
6818,
1332,
62,
8841,
287,
965,
7,
8056,
8,
628,
198,
4299,
1332,
62,
10951,
7,
27979,
893,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
49899,
1332,
62,
10951,
6797,
6105,
284,
336,
1082,
81,
1231,
8420,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1332,
62,
8841,
796,
965,
7,
12303,
312,
13,
12303,
312,
19,
28955,
198,
220,
220,
220,
23991,
8019,
13,
10951,
7,
9288,
62,
8841,
8,
198,
220,
220,
220,
7907,
796,
11022,
893,
13,
961,
39605,
81,
3419,
198,
220,
220,
220,
6818,
1332,
62,
8841,
287,
7907,
13,
8056,
628,
198,
4299,
1332,
62,
81,
16072,
2091,
2670,
62,
2435,
33529,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
49899,
262,
5794,
4504,
422,
374,
16072,
2091,
2670,
62,
2435,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
256,
796,
23991,
8019,
13,
81,
16072,
2091,
2670,
62,
2435,
3419,
198,
220,
220,
220,
6818,
4818,
8079,
13,
19608,
8079,
13,
2536,
457,
524,
7,
83,
11,
705,
4,
56,
12,
4,
76,
12,
4,
67,
51,
4,
39,
25,
4,
44,
25,
4,
50,
57,
11537,
198,
220,
220,
220,
1303,
783,
290,
3384,
66,
2197,
836,
470,
900,
309,
57,
338,
13,
775,
815,
651,
257,
5298,
198,
220,
220,
220,
351,
12972,
9288,
13,
430,
2696,
7,
8021,
861,
295,
12331,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
23991,
8019,
13,
81,
16072,
2091,
2670,
62,
2435,
7,
19608,
8079,
13,
19608,
8079,
13,
2197,
28955,
628,
198,
4299,
1332,
62,
26224,
62,
12154,
62,
3919,
298,
7,
22065,
15908,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
48987,
42721,
62,
12154,
62,
3919,
298,
2499,
1111,
351,
4683,
290,
1729,
4683,
3696,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1332,
62,
6978,
796,
28686,
13,
6978,
13,
22179,
7,
22065,
15908,
11,
705,
9288,
7753,
11537,
198,
220,
220,
220,
351,
1280,
7,
9288,
62,
6978,
11,
705,
86,
11537,
355,
277,
25,
198,
220,
220,
220,
220,
220,
220,
220,
277,
13,
13564,
10786,
9288,
11537,
198,
220,
220,
220,
1303,
1475,
1023,
198,
220,
220,
220,
23991,
8019,
13,
26224,
62,
12154,
62,
3919,
298,
7,
9288,
62,
6978,
8,
198,
220,
220,
220,
1303,
28048,
470,
2152,
198,
220,
220,
220,
23991,
8019,
13,
26224,
62,
12154,
62,
3919,
298,
7,
9288,
62,
6978,
8,
628,
198,
4299,
1332,
62,
11748,
62,
455,
631,
62,
41509,
7,
49572,
17147,
11,
45218,
15908,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
49899,
262,
3376,
23619,
631,
14,
18870,
9729,
389,
10945,
618,
198,
220,
220,
220,
1330,
62,
455,
631,
62,
41509,
318,
1444,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
29924,
62,
22065,
796,
28686,
13,
6978,
13,
22179,
7,
22065,
15908,
11,
705,
22065,
11537,
198,
220,
220,
220,
28686,
13,
28015,
15908,
7,
260,
7501,
62,
22065,
8,
628,
220,
220,
220,
1398,
26697,
79,
9122,
62,
13345,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
4643,
6945,
1123,
850,
14681,
13,
9122,
62,
13345,
7466,
644,
318,
2672,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
2198,
62,
13345,
62,
9127,
796,
657,
628,
220,
220,
220,
825,
26697,
79,
13345,
46491,
22046,
11,
12429,
46265,
22046,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
4643,
6945,
424,
14681,
13,
13345,
7466,
644,
356,
761,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
6818,
26498,
58,
15,
60,
6624,
37250,
455,
631,
3256,
705,
12860,
3256,
705,
438,
260,
7501,
3256,
45218,
15908,
11,
705,
41509,
20520,
628,
220,
220,
220,
1303,
26997,
8529,
262,
850,
14681,
2163,
198,
220,
220,
220,
21657,
17147,
13,
2617,
35226,
7,
7266,
14681,
11,
705,
9122,
62,
13345,
3256,
26697,
79,
9122,
62,
13345,
28955,
198,
220,
220,
220,
21657,
17147,
13,
2617,
35226,
7,
7266,
14681,
11,
705,
13345,
3256,
26697,
79,
13345,
8,
198,
220,
220,
220,
1382,
796,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
705,
455,
631,
12,
41509,
10354,
705,
41509,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
705,
17566,
10354,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
455,
631,
10354,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
6978,
10354,
705,
18870,
7753,
13,
18870,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1782,
198,
220,
220,
220,
220,
220,
220,
220,
1782,
198,
220,
220,
220,
1782,
198,
220,
220,
220,
23991,
8019,
13,
11748,
62,
455,
631,
62,
41509,
7,
22065,
15908,
11,
705,
19571,
3256,
1382,
8,
628,
628
] | 2.319095 | 1,592 |
# ##### 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 #####
# <pep8 compliant>
import bpy
from bpy.types import (
Panel,
)
from rna_prop_ui import PropertyPanel
classes = (
WORKSPACE_PT_main,
WORKSPACE_PT_addons,
WORKSPACE_PT_custom_props,
)
if __name__ == "__main__": # only for live edit.
from bpy.utils import register_class
for cls in classes:
register_class(cls)
| [
2,
46424,
347,
43312,
38644,
38559,
24290,
9878,
11290,
46424,
198,
2,
198,
2,
220,
770,
1430,
318,
1479,
3788,
26,
345,
460,
17678,
4163,
340,
290,
14,
273,
198,
2,
220,
13096,
340,
739,
262,
2846,
286,
262,
22961,
3611,
5094,
13789,
198,
2,
220,
355,
3199,
416,
262,
3232,
10442,
5693,
26,
2035,
2196,
362,
198,
2,
220,
286,
262,
13789,
11,
393,
357,
265,
534,
3038,
8,
597,
1568,
2196,
13,
198,
2,
198,
2,
220,
770,
1430,
318,
9387,
287,
262,
2911,
326,
340,
481,
307,
4465,
11,
198,
2,
220,
475,
42881,
15529,
34764,
56,
26,
1231,
772,
262,
17142,
18215,
286,
198,
2,
220,
34482,
3398,
1565,
5603,
25382,
393,
376,
46144,
7473,
317,
16652,
2149,
37232,
33079,
48933,
13,
220,
4091,
262,
198,
2,
220,
22961,
3611,
5094,
13789,
329,
517,
3307,
13,
198,
2,
198,
2,
220,
921,
815,
423,
2722,
257,
4866,
286,
262,
22961,
3611,
5094,
13789,
198,
2,
220,
1863,
351,
428,
1430,
26,
611,
407,
11,
3551,
284,
262,
3232,
10442,
5693,
11,
198,
2,
220,
3457,
1539,
6885,
14021,
3530,
11,
19383,
22343,
11,
6182,
11,
8779,
657,
2481,
940,
12,
1485,
486,
11,
4916,
13,
198,
2,
198,
2,
46424,
23578,
38644,
38559,
24290,
9878,
11290,
46424,
198,
198,
2,
1279,
431,
79,
23,
31332,
29,
198,
11748,
275,
9078,
198,
6738,
275,
9078,
13,
19199,
1330,
357,
198,
220,
220,
220,
18810,
11,
198,
8,
198,
198,
6738,
374,
2616,
62,
22930,
62,
9019,
1330,
14161,
26639,
628,
628,
628,
198,
37724,
796,
357,
198,
220,
220,
220,
30936,
4303,
11598,
62,
11571,
62,
12417,
11,
198,
220,
220,
220,
30936,
4303,
11598,
62,
11571,
62,
39996,
11,
198,
220,
220,
220,
30936,
4303,
11598,
62,
11571,
62,
23144,
62,
1676,
862,
11,
198,
8,
198,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
220,
1303,
691,
329,
2107,
4370,
13,
198,
220,
220,
220,
422,
275,
9078,
13,
26791,
1330,
7881,
62,
4871,
198,
220,
220,
220,
329,
537,
82,
287,
6097,
25,
198,
220,
220,
220,
220,
220,
220,
220,
7881,
62,
4871,
7,
565,
82,
8,
198
] | 3.195531 | 358 |
import setuptools, sys, os
with open("README.rst", "r") as fh:
long_description = fh.read()
# The wce triage is designed to work with Ubuntu 18.04LTS and after
# that comes with Python 3.6.
python_version = sys.version_info
need_python_version = (3, 6)
if python_version < need_python_version:
raise RuntimeError("wce_triage requires Python version %d.%d or higher"
% need_python_version)
sys.path.append(os.getcwd())
from wce_triage.version import *
setuptools.setup(
name="wce_triage",
version=TRIAGE_VERSION,
author="Naoyuki Tai",
author_email="[email protected]",
description="WCE Triage",
long_description=long_description,
long_description_content_type="text/markdown",
url="https://github.com/ntai/wce-triage-v2",
packages=['wce_triage',
'wce_triage.bin',
'wce_triage.components',
'wce_triage.lib',
'wce_triage.http',
'wce_triage.ops',
'wce_triage.setup',
'test'],
include_package_data=True,
install_requires=[
'python-socketio',
'aiohttp',
'aiohttp_cors'
],
classifiers=[
"Programming Language :: Python :: 3",
"License :: OSI Approved :: MIT License",
"Operating System :: POSIX :: Linux",
],
)
| [
11748,
900,
37623,
10141,
11,
25064,
11,
28686,
198,
198,
4480,
1280,
7203,
15675,
11682,
13,
81,
301,
1600,
366,
81,
4943,
355,
277,
71,
25,
198,
220,
890,
62,
11213,
796,
277,
71,
13,
961,
3419,
198,
198,
2,
383,
266,
344,
1333,
496,
318,
3562,
284,
670,
351,
14949,
1248,
13,
3023,
43,
4694,
290,
706,
198,
2,
326,
2058,
351,
11361,
513,
13,
21,
13,
220,
198,
29412,
62,
9641,
796,
25064,
13,
9641,
62,
10951,
198,
31227,
62,
29412,
62,
9641,
796,
357,
18,
11,
718,
8,
198,
198,
361,
21015,
62,
9641,
1279,
761,
62,
29412,
62,
9641,
25,
198,
220,
5298,
43160,
12331,
7203,
86,
344,
62,
83,
4087,
4433,
11361,
2196,
4064,
67,
13,
4,
67,
393,
2440,
1,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4064,
761,
62,
29412,
62,
9641,
8,
198,
198,
17597,
13,
6978,
13,
33295,
7,
418,
13,
1136,
66,
16993,
28955,
198,
6738,
266,
344,
62,
83,
4087,
13,
9641,
1330,
1635,
198,
198,
2617,
37623,
10141,
13,
40406,
7,
198,
220,
1438,
2625,
86,
344,
62,
83,
4087,
1600,
198,
220,
2196,
28,
5446,
3539,
8264,
62,
43717,
11,
198,
220,
1772,
2625,
26705,
726,
11308,
11144,
1600,
198,
220,
1772,
62,
12888,
2625,
429,
1872,
31,
27773,
39791,
13,
785,
1600,
198,
220,
6764,
2625,
54,
5222,
309,
4087,
1600,
198,
220,
890,
62,
11213,
28,
6511,
62,
11213,
11,
198,
220,
890,
62,
11213,
62,
11299,
62,
4906,
2625,
5239,
14,
4102,
2902,
1600,
198,
220,
19016,
2625,
5450,
1378,
12567,
13,
785,
14,
429,
1872,
14,
86,
344,
12,
83,
4087,
12,
85,
17,
1600,
198,
220,
10392,
28,
17816,
86,
344,
62,
83,
4087,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
86,
344,
62,
83,
4087,
13,
8800,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
86,
344,
62,
83,
4087,
13,
5589,
3906,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
86,
344,
62,
83,
4087,
13,
8019,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
86,
344,
62,
83,
4087,
13,
4023,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
86,
344,
62,
83,
4087,
13,
2840,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
86,
344,
62,
83,
4087,
13,
40406,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
9288,
6,
4357,
198,
220,
2291,
62,
26495,
62,
7890,
28,
17821,
11,
198,
220,
2721,
62,
47911,
41888,
198,
220,
220,
220,
705,
29412,
12,
44971,
952,
3256,
198,
220,
220,
220,
705,
64,
952,
4023,
3256,
198,
220,
220,
220,
705,
64,
952,
4023,
62,
66,
669,
6,
198,
220,
16589,
198,
220,
1398,
13350,
41888,
198,
220,
220,
220,
366,
15167,
2229,
15417,
7904,
11361,
7904,
513,
1600,
198,
220,
220,
220,
366,
34156,
7904,
7294,
40,
20010,
1079,
7904,
17168,
13789,
1600,
198,
220,
220,
220,
366,
18843,
803,
4482,
7904,
28069,
10426,
7904,
7020,
1600,
198,
220,
16589,
198,
8,
628
] | 2.348066 | 543 |
"""
The `dicts` module provides a set of utility functions to simplify dict operations
"""
# Copyright 2022 the original author or authors (i.e.: St4rG00se for Dev4py).
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# https://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
from functools import partial
from typing import Optional, Any
from dev4py.utils.JOptional import JOptional
from dev4py.utils.objects import non_none, require_non_none, to_none
from dev4py.utils.types import K, V, Supplier
def is_dict(value: Any) -> bool:
"""
If the given value is a dict, returns true, otherwise false
Returns:
bool: true if the given value is a dict, otherwise false
"""
return isinstance(value, dict)
def _get_value(dictionary: dict[K, V], key: K) -> Optional[V]:
"""
private function to replace get_joptional_value lambda
Note: lambda are not used in order to be compatible with multiprocessing (lambda are not serializable)
"""
# lambda d: d.get(key)
return dictionary.get(key)
def get_joptional_value(dictionary: Optional[dict[K, V]], key: K) -> JOptional[V]:
"""
Tries to get a value from a dict with the given key and returns a JOptional describing the result
Args:
dictionary: The dict
key: The key
Returns:
JOptional[V]: An empty JOptional if dictionary is None or the searched key result is None, otherwise a JOptional
with a present value
"""
if non_none(dictionary) and not is_dict(dictionary):
raise TypeError("Optional[dict[K, V]] parameter is required")
return JOptional \
.of_noneable(dictionary) \
.map(partial(_get_value, key=key))
def get_value(
dictionary: Optional[dict[K, V]], key: K, default_supplier: Supplier[Optional[V]] = to_none
) -> Optional[V]:
"""
Returns the value from a dict with the given key if presents, otherwise returns the result produced by the supplying
function
Args:
dictionary: The dict
key: The searched key
default_supplier: The supplying function that produces a value to be returned
Returns:
Optional[V]: The value, if present, otherwise the result produced by the supplying function (even if dictionary
is None)
"""
return get_joptional_value(dictionary, key).or_else_get(default_supplier)
def get_value_from_path(
dictionary: Optional[dict[K, Any]], path: list[Any], default_supplier: Supplier[Optional[V]] = to_none
) -> Optional[V]:
"""
Returns the value from a deep dict (dict of dicts) with the given key path if present, otherwise returns the result
produced by the supplying function
Args:
dictionary: The dict
path: The searched key path
default_supplier: The supplying function that produces a value to be returned
Returns:
Optional[V]: The value, if present, otherwise the result produced by the supplying function (even if dictionary
is None)
Raises:
TypeError: if dictionary is not None and not a dict
"""
if non_none(dictionary) and not is_dict(dictionary):
raise TypeError("Optional[dict[K, V]] dictionary parameter must be a dict or None value")
if not path:
return default_supplier()
if len(path) == 1:
return get_value(dictionary, path[0], default_supplier)
current_path_value: Any = get_value(dictionary, path[0])
return get_value_from_path(
current_path_value,
path[1:],
default_supplier
) if is_dict(current_path_value) else default_supplier()
def put_value(dictionary: dict[K, V], key: K, value: V) -> Optional[V]:
"""
Associates the specified value with the specified key in the given map. If the map previously contained a mapping
for the key, the old value is returned and replaced by the specified value
Args:
dictionary: The dict
key: The key with which the specified value is to be associated
value: The value to be associated with the specified key
Returns:
Optional[V]: The previous value associated with key, or None if there was no mapping for key.
Raises:
TypeError: if dictionary is not a dict
"""
if not is_dict(dictionary):
raise TypeError("dictionary must be a dict value")
result: Optional[V] = dictionary.get(key)
dictionary[key] = value
return result
def empty_dict() -> dict[Any, Any]:
"""
Returns an empty dict
Returns:
dict[Any, Any]: an empty dict
"""
return {}
def update(dict_1: dict[K, V], dict_2: dict[K, V]) -> dict[K, V]:
"""
Adds all elements of the second dict to the first one and returns it
Args:
dict_1: The dict where add elements
dict_2: The dict with elements to add
Returns:
dict_1 (dict[K, V]): The first dict with added elements from dict_2
Raises:
TypeError: if dict_1 or dict_2 is None
"""
require_non_none(dict_1).update(require_non_none(dict_2))
return dict_1
| [
37811,
198,
464,
4600,
11600,
82,
63,
8265,
3769,
257,
900,
286,
10361,
5499,
284,
30276,
8633,
4560,
198,
37811,
198,
198,
2,
15069,
33160,
262,
2656,
1772,
393,
7035,
357,
72,
13,
68,
11207,
520,
19,
81,
38,
405,
325,
329,
6245,
19,
9078,
737,
198,
2,
198,
2,
49962,
739,
262,
24843,
13789,
11,
10628,
362,
13,
15,
357,
1169,
366,
34156,
15341,
198,
2,
345,
743,
407,
779,
428,
2393,
2845,
287,
11846,
351,
262,
13789,
13,
198,
2,
921,
743,
7330,
257,
4866,
286,
262,
13789,
379,
198,
2,
198,
2,
220,
220,
220,
220,
220,
3740,
1378,
2503,
13,
43073,
13,
2398,
14,
677,
4541,
14,
43,
2149,
24290,
12,
17,
13,
15,
198,
2,
198,
2,
17486,
2672,
416,
9723,
1099,
393,
4987,
284,
287,
3597,
11,
3788,
198,
2,
9387,
739,
262,
13789,
318,
9387,
319,
281,
366,
1921,
3180,
1,
29809,
1797,
11,
198,
2,
42881,
34764,
11015,
6375,
7102,
49828,
11053,
3963,
15529,
509,
12115,
11,
2035,
4911,
393,
17142,
13,
198,
2,
4091,
262,
13789,
329,
262,
2176,
3303,
15030,
21627,
290,
198,
2,
11247,
739,
262,
13789,
13,
198,
198,
6738,
1257,
310,
10141,
1330,
13027,
198,
6738,
19720,
1330,
32233,
11,
4377,
198,
198,
6738,
1614,
19,
9078,
13,
26791,
13,
41,
30719,
1330,
449,
30719,
198,
6738,
1614,
19,
9078,
13,
26791,
13,
48205,
1330,
1729,
62,
23108,
11,
2421,
62,
13159,
62,
23108,
11,
284,
62,
23108,
198,
6738,
1614,
19,
9078,
13,
26791,
13,
19199,
1330,
509,
11,
569,
11,
8105,
2505,
628,
198,
4299,
318,
62,
11600,
7,
8367,
25,
4377,
8,
4613,
20512,
25,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1002,
262,
1813,
1988,
318,
257,
8633,
11,
5860,
2081,
11,
4306,
3991,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
20512,
25,
2081,
611,
262,
1813,
1988,
318,
257,
8633,
11,
4306,
3991,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1441,
318,
39098,
7,
8367,
11,
8633,
8,
628,
198,
4299,
4808,
1136,
62,
8367,
7,
67,
14188,
25,
8633,
58,
42,
11,
569,
4357,
1994,
25,
509,
8,
4613,
32233,
58,
53,
5974,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
2839,
2163,
284,
6330,
651,
62,
73,
25968,
62,
8367,
37456,
198,
220,
220,
220,
5740,
25,
37456,
389,
407,
973,
287,
1502,
284,
307,
11670,
351,
18540,
305,
919,
278,
357,
50033,
389,
407,
11389,
13821,
8,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1303,
37456,
288,
25,
288,
13,
1136,
7,
2539,
8,
198,
220,
220,
220,
1441,
22155,
13,
1136,
7,
2539,
8,
628,
198,
4299,
651,
62,
73,
25968,
62,
8367,
7,
67,
14188,
25,
32233,
58,
11600,
58,
42,
11,
569,
60,
4357,
1994,
25,
509,
8,
4613,
449,
30719,
58,
53,
5974,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
309,
1678,
284,
651,
257,
1988,
422,
257,
8633,
351,
262,
1813,
1994,
290,
5860,
257,
449,
30719,
12059,
262,
1255,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
22155,
25,
383,
8633,
198,
220,
220,
220,
220,
220,
220,
220,
1994,
25,
383,
1994,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
449,
30719,
58,
53,
5974,
1052,
6565,
449,
30719,
611,
22155,
318,
6045,
393,
262,
16499,
1994,
1255,
318,
6045,
11,
4306,
257,
449,
30719,
198,
220,
220,
220,
220,
220,
220,
220,
351,
257,
1944,
1988,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
611,
1729,
62,
23108,
7,
67,
14188,
8,
290,
407,
318,
62,
11600,
7,
67,
14188,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
5994,
12331,
7203,
30719,
58,
11600,
58,
42,
11,
569,
11907,
11507,
318,
2672,
4943,
628,
220,
220,
220,
1441,
449,
30719,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
764,
1659,
62,
23108,
540,
7,
67,
14188,
8,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
764,
8899,
7,
47172,
28264,
1136,
62,
8367,
11,
1994,
28,
2539,
4008,
628,
198,
4299,
651,
62,
8367,
7,
198,
220,
220,
220,
220,
220,
220,
220,
22155,
25,
32233,
58,
11600,
58,
42,
11,
569,
60,
4357,
1994,
25,
509,
11,
4277,
62,
18608,
2505,
25,
8105,
2505,
58,
30719,
58,
53,
11907,
796,
284,
62,
23108,
198,
8,
4613,
32233,
58,
53,
5974,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
16409,
262,
1988,
422,
257,
8633,
351,
262,
1813,
1994,
611,
10969,
11,
4306,
5860,
262,
1255,
4635,
416,
262,
28099,
198,
220,
220,
220,
2163,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
22155,
25,
383,
8633,
198,
220,
220,
220,
220,
220,
220,
220,
1994,
25,
383,
16499,
1994,
198,
220,
220,
220,
220,
220,
220,
220,
4277,
62,
18608,
2505,
25,
383,
28099,
2163,
326,
11073,
257,
1988,
284,
307,
4504,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
32233,
58,
53,
5974,
383,
1988,
11,
611,
1944,
11,
4306,
262,
1255,
4635,
416,
262,
28099,
2163,
357,
10197,
611,
22155,
198,
220,
220,
220,
220,
220,
220,
220,
318,
6045,
8,
628,
220,
220,
220,
37227,
198,
220,
220,
220,
1441,
651,
62,
73,
25968,
62,
8367,
7,
67,
14188,
11,
1994,
737,
273,
62,
17772,
62,
1136,
7,
12286,
62,
18608,
2505,
8,
628,
198,
4299,
651,
62,
8367,
62,
6738,
62,
6978,
7,
198,
220,
220,
220,
220,
220,
220,
220,
22155,
25,
32233,
58,
11600,
58,
42,
11,
4377,
60,
4357,
3108,
25,
1351,
58,
7149,
4357,
4277,
62,
18608,
2505,
25,
8105,
2505,
58,
30719,
58,
53,
11907,
796,
284,
62,
23108,
198,
8,
4613,
32233,
58,
53,
5974,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
16409,
262,
1988,
422,
257,
2769,
8633,
357,
11600,
286,
8633,
82,
8,
351,
262,
1813,
1994,
3108,
611,
1944,
11,
4306,
5860,
262,
1255,
198,
220,
220,
220,
4635,
416,
262,
28099,
2163,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
22155,
25,
383,
8633,
198,
220,
220,
220,
220,
220,
220,
220,
3108,
25,
383,
16499,
1994,
3108,
198,
220,
220,
220,
220,
220,
220,
220,
4277,
62,
18608,
2505,
25,
383,
28099,
2163,
326,
11073,
257,
1988,
284,
307,
4504,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
32233,
58,
53,
5974,
383,
1988,
11,
611,
1944,
11,
4306,
262,
1255,
4635,
416,
262,
28099,
2163,
357,
10197,
611,
22155,
198,
220,
220,
220,
220,
220,
220,
220,
318,
6045,
8,
628,
220,
220,
220,
7567,
2696,
25,
198,
220,
220,
220,
220,
220,
220,
220,
5994,
12331,
25,
611,
22155,
318,
407,
6045,
290,
407,
257,
8633,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
611,
1729,
62,
23108,
7,
67,
14188,
8,
290,
407,
318,
62,
11600,
7,
67,
14188,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
5994,
12331,
7203,
30719,
58,
11600,
58,
42,
11,
569,
11907,
22155,
11507,
1276,
307,
257,
8633,
393,
6045,
1988,
4943,
628,
220,
220,
220,
611,
407,
3108,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
4277,
62,
18608,
2505,
3419,
628,
220,
220,
220,
611,
18896,
7,
6978,
8,
6624,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
651,
62,
8367,
7,
67,
14188,
11,
3108,
58,
15,
4357,
4277,
62,
18608,
2505,
8,
628,
220,
220,
220,
1459,
62,
6978,
62,
8367,
25,
4377,
796,
651,
62,
8367,
7,
67,
14188,
11,
3108,
58,
15,
12962,
198,
220,
220,
220,
1441,
651,
62,
8367,
62,
6738,
62,
6978,
7,
198,
220,
220,
220,
220,
220,
220,
220,
1459,
62,
6978,
62,
8367,
11,
198,
220,
220,
220,
220,
220,
220,
220,
3108,
58,
16,
25,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
4277,
62,
18608,
2505,
198,
220,
220,
220,
1267,
611,
318,
62,
11600,
7,
14421,
62,
6978,
62,
8367,
8,
2073,
4277,
62,
18608,
2505,
3419,
628,
198,
4299,
1234,
62,
8367,
7,
67,
14188,
25,
8633,
58,
42,
11,
569,
4357,
1994,
25,
509,
11,
1988,
25,
569,
8,
4613,
32233,
58,
53,
5974,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
29306,
262,
7368,
1988,
351,
262,
7368,
1994,
287,
262,
1813,
3975,
13,
1002,
262,
3975,
4271,
7763,
257,
16855,
198,
220,
220,
220,
329,
262,
1994,
11,
262,
1468,
1988,
318,
4504,
290,
6928,
416,
262,
7368,
1988,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
22155,
25,
383,
8633,
198,
220,
220,
220,
220,
220,
220,
220,
1994,
25,
383,
1994,
351,
543,
262,
7368,
1988,
318,
284,
307,
3917,
198,
220,
220,
220,
220,
220,
220,
220,
1988,
25,
383,
1988,
284,
307,
3917,
351,
262,
7368,
1994,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
32233,
58,
53,
5974,
383,
2180,
1988,
3917,
351,
1994,
11,
393,
6045,
611,
612,
373,
645,
16855,
329,
1994,
13,
628,
220,
220,
220,
7567,
2696,
25,
198,
220,
220,
220,
220,
220,
220,
220,
5994,
12331,
25,
611,
22155,
318,
407,
257,
8633,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
611,
407,
318,
62,
11600,
7,
67,
14188,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
5994,
12331,
7203,
67,
14188,
1276,
307,
257,
8633,
1988,
4943,
628,
220,
220,
220,
1255,
25,
32233,
58,
53,
60,
796,
22155,
13,
1136,
7,
2539,
8,
198,
220,
220,
220,
22155,
58,
2539,
60,
796,
1988,
198,
220,
220,
220,
1441,
1255,
628,
198,
4299,
6565,
62,
11600,
3419,
4613,
8633,
58,
7149,
11,
4377,
5974,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
16409,
281,
6565,
8633,
198,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
8633,
58,
7149,
11,
4377,
5974,
281,
6565,
8633,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1441,
23884,
628,
198,
4299,
4296,
7,
11600,
62,
16,
25,
8633,
58,
42,
11,
569,
4357,
8633,
62,
17,
25,
8633,
58,
42,
11,
569,
12962,
4613,
8633,
58,
42,
11,
569,
5974,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
34333,
477,
4847,
286,
262,
1218,
8633,
284,
262,
717,
530,
290,
5860,
340,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
8633,
62,
16,
25,
383,
8633,
810,
751,
4847,
198,
220,
220,
220,
220,
220,
220,
220,
8633,
62,
17,
25,
383,
8633,
351,
4847,
284,
751,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
8633,
62,
16,
357,
11600,
58,
42,
11,
569,
60,
2599,
383,
717,
8633,
351,
2087,
4847,
422,
8633,
62,
17,
628,
220,
220,
220,
7567,
2696,
25,
198,
220,
220,
220,
220,
220,
220,
220,
5994,
12331,
25,
611,
8633,
62,
16,
393,
8633,
62,
17,
318,
6045,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
2421,
62,
13159,
62,
23108,
7,
11600,
62,
16,
737,
19119,
7,
46115,
62,
13159,
62,
23108,
7,
11600,
62,
17,
4008,
198,
220,
220,
220,
1441,
8633,
62,
16,
198
] | 2.933333 | 1,875 |
from rest_framework import serializers
from django.contrib.auth.models import User
from snippets.models import Contact
from snippets.models import Snippet
from snippets.serializers import ContactSerializer
| [
6738,
1334,
62,
30604,
1330,
11389,
11341,
198,
6738,
42625,
14208,
13,
3642,
822,
13,
18439,
13,
27530,
1330,
11787,
198,
6738,
45114,
13,
27530,
1330,
14039,
198,
6738,
45114,
13,
27530,
1330,
5489,
3974,
316,
198,
6738,
45114,
13,
46911,
11341,
1330,
14039,
32634,
7509,
628
] | 4.404255 | 47 |
# -*- coding: utf-8 -*-
"""
hskl
Classification Module
Data I/O conventions
X: (DimX, DimY, NumSpectralChannels) <np.array>
Y: (DimX, DimY) <np.array,dtype=uint8>
0 - ignored
1 - first label
2 - second label
...
"""
# Author: Qian Cao
# License: BSD 3-Clause
import numpy as np
from sklearn.utils import all_estimators
from sklearn.base import BaseEstimator, ClassifierMixin
from .base import flatten_with_label, HyperspectralMixin
from sklearn.metrics import accuracy_score
# TODO: Search for list of models will be moved to models/sklearn
_sklearn_methods = dict(all_estimators(type_filter='classifier'))
_methods_list = ['AdaBoostClassifier', 'BaggingClassifier', 'BernoulliNB',
'DecisionTreeClassifier','ExtraTreesClassifier',
'GaussianNB','GradientBoostingClassifier',
'KNeighborsClassifier','LinearDiscriminantAnalysis',
'LinearSVC','LogisticRegression','MLPClassifier',
'QuadraticDiscriminantAnalysis','RandomForestClassifier',
'RidgeClassifier','SGDClassifier','SVC']
_parallel_methods = []
_methods = {k:_sklearn_methods[k] for k in _methods_list
if k in _sklearn_methods}
def list_sklearn_methods():
"""List Available Classifier Methods in Scikit-Learn
Returns
-------
list of classifier names
"""
return list(_sklearn_methods.keys())
def list_methods():
"""List Available Classifier Methods Tested for Hyperspectral-sklearn
Returns
-------
list of classifier names
"""
return list(_methods.keys())
class HyperspectralClassifier(BaseEstimator, HyperspectralMixin, ClassifierMixin):
"""Hyperspectral Classifier
Wrapper of classifiers in sklearn
Parameters
----------
method_name : str, default='RandomForest'
Invokes correponding classification algorithm in scikit-learn.
method_param : dict, default={}
A parameter used for demonstation of how to pass and store paramters.
"""
_estimator_type = "classifier"
def fit(self, X, Y, sample_fraction=None):
""" Fit model to inputs and labels.
"""
self.est = self._fit(self.est, X, Y, sample_fraction)
return self
def predict(self, X, Y = None):
""" Use model to predict input labels.
"""
Y = self._predict(self.est, X, Y)
return Y
def score(self, X, Y):
""" Evaluate Classification accuracy
Adapted from Classifier Mixin
"""
sample_weight = None # TODO: Implement sample weighting
X, Y = flatten_with_label(X, Y)
return super().score(X, Y, sample_weight)
if __name__ == "__main__":
pass | [
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
198,
37811,
198,
71,
8135,
75,
198,
198,
9487,
2649,
19937,
198,
198,
6601,
314,
14,
46,
21396,
198,
55,
25,
357,
29271,
55,
11,
14048,
56,
11,
31835,
49738,
1373,
1925,
8961,
8,
1279,
37659,
13,
18747,
29,
198,
56,
25,
357,
29271,
55,
11,
14048,
56,
8,
1279,
37659,
13,
18747,
11,
67,
4906,
28,
28611,
23,
29,
198,
220,
220,
657,
532,
9514,
198,
220,
220,
352,
532,
717,
6167,
198,
220,
220,
362,
532,
1218,
6167,
198,
220,
220,
2644,
198,
220,
220,
220,
198,
37811,
198,
198,
2,
6434,
25,
44696,
34513,
198,
198,
2,
13789,
25,
347,
10305,
513,
12,
2601,
682,
198,
198,
11748,
299,
32152,
355,
45941,
198,
198,
6738,
1341,
35720,
13,
26791,
1330,
477,
62,
395,
320,
2024,
198,
6738,
1341,
35720,
13,
8692,
1330,
7308,
22362,
320,
1352,
11,
5016,
7483,
35608,
259,
198,
6738,
764,
8692,
1330,
27172,
268,
62,
4480,
62,
18242,
11,
21209,
364,
806,
1373,
35608,
259,
198,
6738,
1341,
35720,
13,
4164,
10466,
1330,
9922,
62,
26675,
198,
198,
2,
16926,
46,
25,
11140,
329,
1351,
286,
4981,
481,
307,
3888,
284,
4981,
14,
8135,
35720,
198,
62,
8135,
35720,
62,
24396,
82,
796,
8633,
7,
439,
62,
395,
320,
2024,
7,
4906,
62,
24455,
11639,
4871,
7483,
6,
4008,
198,
62,
24396,
82,
62,
4868,
796,
37250,
2782,
64,
45686,
9487,
7483,
3256,
705,
33,
16406,
9487,
7483,
3256,
705,
23927,
280,
15516,
32819,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
10707,
1166,
27660,
9487,
7483,
41707,
27726,
51,
6037,
9487,
7483,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
35389,
31562,
32819,
41707,
42731,
1153,
45686,
278,
9487,
7483,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
42,
46445,
32289,
9487,
7483,
41707,
14993,
451,
15642,
3036,
42483,
32750,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
14993,
451,
50,
15922,
41707,
11187,
2569,
8081,
2234,
41707,
5805,
47,
9487,
7483,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
4507,
41909,
1512,
15642,
3036,
42483,
32750,
41707,
29531,
34605,
9487,
7483,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
49,
3130,
9487,
7483,
41707,
38475,
35,
9487,
7483,
41707,
50,
15922,
20520,
198,
198,
62,
1845,
29363,
62,
24396,
82,
796,
17635,
198,
198,
62,
24396,
82,
796,
1391,
74,
25,
62,
8135,
35720,
62,
24396,
82,
58,
74,
60,
329,
479,
287,
4808,
24396,
82,
62,
4868,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
479,
287,
4808,
8135,
35720,
62,
24396,
82,
92,
198,
198,
4299,
1351,
62,
8135,
35720,
62,
24396,
82,
33529,
198,
220,
220,
220,
37227,
8053,
14898,
5016,
7483,
25458,
287,
10286,
15813,
12,
20238,
198,
220,
220,
220,
220,
198,
220,
220,
220,
16409,
198,
220,
220,
220,
35656,
198,
220,
220,
220,
1351,
286,
1398,
7483,
3891,
628,
220,
220,
220,
37227,
198,
220,
220,
220,
1441,
1351,
28264,
8135,
35720,
62,
24396,
82,
13,
13083,
28955,
198,
198,
4299,
1351,
62,
24396,
82,
33529,
198,
220,
220,
220,
37227,
8053,
14898,
5016,
7483,
25458,
6208,
276,
329,
21209,
364,
806,
1373,
12,
8135,
35720,
198,
220,
220,
220,
220,
198,
220,
220,
220,
16409,
198,
220,
220,
220,
35656,
198,
220,
220,
220,
1351,
286,
1398,
7483,
3891,
628,
220,
220,
220,
37227,
198,
220,
220,
220,
1441,
1351,
28264,
24396,
82,
13,
13083,
28955,
198,
198,
4871,
21209,
364,
806,
1373,
9487,
7483,
7,
14881,
22362,
320,
1352,
11,
21209,
364,
806,
1373,
35608,
259,
11,
5016,
7483,
35608,
259,
2599,
198,
220,
220,
220,
37227,
49926,
364,
806,
1373,
5016,
7483,
198,
220,
220,
220,
220,
198,
220,
220,
220,
27323,
2848,
286,
1398,
13350,
287,
1341,
35720,
198,
220,
220,
220,
220,
198,
220,
220,
220,
40117,
198,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
2446,
62,
3672,
1058,
965,
11,
4277,
11639,
29531,
34605,
6,
198,
220,
220,
220,
220,
220,
220,
220,
10001,
3369,
1162,
7856,
42703,
17923,
11862,
287,
629,
1134,
270,
12,
35720,
13,
198,
220,
220,
220,
2446,
62,
17143,
1058,
8633,
11,
4277,
34758,
92,
198,
220,
220,
220,
220,
220,
220,
220,
317,
11507,
973,
329,
3222,
17529,
286,
703,
284,
1208,
290,
3650,
5772,
1010,
13,
628,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
198,
220,
220,
220,
4808,
395,
320,
1352,
62,
4906,
796,
366,
4871,
7483,
1,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
825,
4197,
7,
944,
11,
1395,
11,
575,
11,
6291,
62,
69,
7861,
28,
14202,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
25048,
2746,
284,
17311,
290,
14722,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
395,
796,
2116,
13557,
11147,
7,
944,
13,
395,
11,
1395,
11,
575,
11,
6291,
62,
69,
7861,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
628,
220,
220,
220,
825,
4331,
7,
944,
11,
1395,
11,
575,
796,
6045,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
5765,
2746,
284,
4331,
5128,
14722,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
575,
796,
2116,
13557,
79,
17407,
7,
944,
13,
395,
11,
1395,
11,
575,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
575,
198,
220,
220,
220,
220,
198,
220,
220,
220,
825,
4776,
7,
944,
11,
1395,
11,
575,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
26439,
4985,
40984,
9922,
198,
220,
220,
220,
220,
220,
220,
220,
30019,
276,
422,
5016,
7483,
15561,
259,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
6291,
62,
6551,
796,
6045,
1303,
16926,
46,
25,
48282,
6291,
3463,
278,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
1395,
11,
575,
796,
27172,
268,
62,
4480,
62,
18242,
7,
55,
11,
575,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2208,
22446,
26675,
7,
55,
11,
575,
11,
6291,
62,
6551,
8,
198,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
198,
220,
220,
220,
1208
] | 2.459964 | 1,124 |
from datetime import date, timedelta
from random import uniform
from numpy import ndarray
def polygen(*coefficients):
'''Polynomial generating function'''
if not coefficients:
return lambda i: 0
else:
c0 = coefficients[0]
coefficients = coefficients[1:]
return _
| [
6738,
4818,
8079,
1330,
3128,
11,
28805,
12514,
201,
198,
6738,
4738,
1330,
8187,
201,
198,
201,
198,
6738,
299,
32152,
1330,
299,
67,
18747,
201,
198,
201,
198,
201,
198,
201,
198,
201,
198,
201,
198,
201,
198,
4299,
7514,
5235,
46491,
1073,
41945,
2599,
201,
198,
220,
220,
220,
705,
7061,
34220,
26601,
498,
15453,
2163,
7061,
6,
201,
198,
220,
220,
220,
611,
407,
44036,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
37456,
1312,
25,
657,
201,
198,
220,
220,
220,
2073,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
269,
15,
796,
44036,
58,
15,
60,
201,
198,
220,
220,
220,
220,
220,
220,
220,
44036,
796,
44036,
58,
16,
47715,
201,
198,
201,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
4808,
201,
198
] | 2.455882 | 136 |
#!/usr/bin/env python3
import re
import sys
import argparse
import asyncio
import json
from os import environ
from typing import List
from pprint import pprint
import logging
import subprocess
from urllib.parse import urlparse
from aiohttp import ClientSession, ClientError
import requests
from bs4 import BeautifulSoup
from tabulate import tabulate
logger = logging.getLogger(__name__)
logger.setLevel(logging.INFO)
logger.addHandler(logging.StreamHandler(sys.stdout))
forbidden_usernames = ["apps", "site", "topics"]
def main():
"""Scrape and parse a github page. For all linked github projects, determine the number
of stars asynchronously. Order the results by decreasing number of stars.
Authentication can be provided by the GITHUB_API_TOKEN environmental variable, or
preferentially via the --token argument. If not given, am unauthenticated query will
be attempted.
"""
parser = argparse.ArgumentParser()
parser.add_argument("url", type=str)
parser.add_argument("--token", type=str)
parser.add_argument("--limit", type=int)
parser.add_argument("--debug", dest="debug", action="store_true")
parser.add_argument("--open", dest="open", action="store_true")
args = parser.parse_args()
if args.debug:
logger.setLevel(logging.DEBUG)
token = environ.get("GITHUB_API_TOKEN", None) or args.token
logger.debug(f"Using authentication token: {token}")
projects = get_linked_projects(args.url)
repo_endpoints = get_repo_api_endpoints(projects)
ranking = asyncio.run(get_stargazer_counts(repo_endpoints, token=token))
if args.limit:
ranking = ranking[: args.limit]
if args.open:
open_urls(ranking)
else:
print_ranking(ranking)
def open_urls(ranking):
"""Open the urls in the ranking in firefox. Add option to choose the web browser?"""
urls = [item["url"] for item in ranking]
firefox_cmd = "firefox".split() + urls
logger.debug(f"Executing: {' '.join (firefox_cmd)}")
subprocess.run(firefox_cmd)
def get_linked_projects(url):
"""Get github projects linked a given webpage"""
response = requests.get(url)
soup = BeautifulSoup(response.text, "html.parser")
links = soup.find_all("a")
links = [a["href"] for a in links if "href" in a.attrs]
links = list (set(links))
pattern = r"^https://github.com/(?P<user>[\w-]+)/(?P<repo>[\w-]+)$"
prog = re.compile(pattern).search
matches = map(prog, links)
repos = list(filter(None, matches))
return repos
def get_repo_api_endpoints(projects: List[re.Match]):
""" Transform a project URL into an API repo endpoint"""
groups = [project.groupdict() for project in projects]
return [
f"https://api.github.com/repos/{group['user']}/{group['repo']}"
for group in groups
if group["user"] not in forbidden_usernames
]
async def get_ranking_data(session: ClientSession, repo_url):
"""Get individual repos data"""
logger.debug(f"beginning request to {repo_url}")
try:
async with session.get(repo_url) as response:
logger.debug(f"get response to {repo_url}")
data = await response.text()
data = json.loads(data)
return {
"name": data["name"],
"owner": data["owner"]["login"],
"stargazers": data["stargazers_count"],
"url": data["html_url"],
}
except KeyError as e:
logger.error(f"Response malformed at {repo_url} - {data}")
except ClientError:
logger.error(f"Request failed at {repo_url}")
if __name__ == "__main__":
main()
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
18,
198,
11748,
302,
198,
11748,
25064,
198,
11748,
1822,
29572,
198,
11748,
30351,
952,
198,
11748,
33918,
198,
6738,
28686,
1330,
551,
2268,
198,
6738,
19720,
1330,
7343,
198,
6738,
279,
4798,
1330,
279,
4798,
198,
11748,
18931,
198,
11748,
850,
14681,
198,
6738,
2956,
297,
571,
13,
29572,
1330,
19016,
29572,
198,
198,
6738,
257,
952,
4023,
1330,
20985,
36044,
11,
20985,
12331,
198,
11748,
7007,
198,
6738,
275,
82,
19,
1330,
23762,
50,
10486,
198,
6738,
7400,
5039,
1330,
7400,
5039,
198,
198,
6404,
1362,
796,
18931,
13,
1136,
11187,
1362,
7,
834,
3672,
834,
8,
198,
6404,
1362,
13,
2617,
4971,
7,
6404,
2667,
13,
10778,
8,
198,
6404,
1362,
13,
2860,
25060,
7,
6404,
2667,
13,
12124,
25060,
7,
17597,
13,
19282,
448,
4008,
198,
198,
1640,
37978,
62,
385,
1142,
1047,
796,
14631,
18211,
1600,
366,
15654,
1600,
366,
4852,
873,
8973,
628,
198,
4299,
1388,
33529,
198,
220,
220,
220,
37227,
3351,
13484,
290,
21136,
257,
33084,
2443,
13,
1114,
477,
6692,
33084,
4493,
11,
5004,
262,
1271,
198,
220,
220,
220,
286,
5788,
355,
24871,
3481,
13,
8284,
262,
2482,
416,
24030,
1271,
286,
5788,
13,
198,
220,
220,
220,
48191,
460,
307,
2810,
416,
262,
402,
10554,
10526,
62,
17614,
62,
10468,
43959,
6142,
7885,
11,
393,
198,
220,
220,
220,
7694,
9100,
1927,
2884,
262,
1377,
30001,
4578,
13,
1002,
407,
1813,
11,
716,
555,
41299,
3474,
12405,
481,
198,
220,
220,
220,
307,
7482,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
30751,
796,
1822,
29572,
13,
28100,
1713,
46677,
3419,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
7203,
6371,
1600,
2099,
28,
2536,
8,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
7203,
438,
30001,
1600,
2099,
28,
2536,
8,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
7203,
438,
32374,
1600,
2099,
28,
600,
8,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
7203,
438,
24442,
1600,
2244,
2625,
24442,
1600,
2223,
2625,
8095,
62,
7942,
4943,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
7203,
438,
9654,
1600,
2244,
2625,
9654,
1600,
2223,
2625,
8095,
62,
7942,
4943,
198,
220,
220,
220,
26498,
796,
30751,
13,
29572,
62,
22046,
3419,
198,
220,
220,
220,
611,
26498,
13,
24442,
25,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
2617,
4971,
7,
6404,
2667,
13,
30531,
8,
628,
220,
220,
220,
11241,
796,
551,
2268,
13,
1136,
7203,
38,
10554,
10526,
62,
17614,
62,
10468,
43959,
1600,
6045,
8,
393,
26498,
13,
30001,
198,
220,
220,
220,
49706,
13,
24442,
7,
69,
1,
12814,
18239,
11241,
25,
1391,
30001,
92,
4943,
628,
220,
220,
220,
4493,
796,
651,
62,
25614,
62,
42068,
7,
22046,
13,
6371,
8,
198,
220,
220,
220,
29924,
62,
437,
13033,
796,
651,
62,
260,
7501,
62,
15042,
62,
437,
13033,
7,
42068,
8,
198,
220,
220,
220,
12759,
796,
30351,
952,
13,
5143,
7,
1136,
62,
301,
853,
19178,
62,
9127,
82,
7,
260,
7501,
62,
437,
13033,
11,
11241,
28,
30001,
4008,
198,
220,
220,
220,
611,
26498,
13,
32374,
25,
198,
220,
220,
220,
220,
220,
220,
220,
12759,
796,
12759,
58,
25,
26498,
13,
32374,
60,
198,
220,
220,
220,
611,
26498,
13,
9654,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1280,
62,
6371,
82,
7,
28405,
8,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
62,
28405,
7,
28405,
8,
628,
198,
198,
4299,
1280,
62,
6371,
82,
7,
28405,
2599,
198,
220,
220,
220,
37227,
11505,
262,
2956,
7278,
287,
262,
12759,
287,
2046,
12792,
13,
3060,
3038,
284,
3853,
262,
3992,
6444,
1701,
15931,
198,
220,
220,
220,
2956,
7278,
796,
685,
9186,
14692,
6371,
8973,
329,
2378,
287,
12759,
60,
198,
220,
220,
220,
2046,
12792,
62,
28758,
796,
366,
6495,
12792,
1911,
35312,
3419,
1343,
2956,
7278,
198,
220,
220,
220,
49706,
13,
24442,
7,
69,
1,
23002,
15129,
25,
1391,
6,
45302,
22179,
357,
6495,
12792,
62,
28758,
38165,
4943,
198,
220,
220,
220,
850,
14681,
13,
5143,
7,
6495,
12792,
62,
28758,
8,
628,
198,
4299,
651,
62,
25614,
62,
42068,
7,
6371,
2599,
198,
220,
220,
220,
37227,
3855,
33084,
4493,
6692,
257,
1813,
35699,
37811,
198,
220,
220,
220,
2882,
796,
7007,
13,
1136,
7,
6371,
8,
198,
220,
220,
220,
17141,
796,
23762,
50,
10486,
7,
26209,
13,
5239,
11,
366,
6494,
13,
48610,
4943,
198,
220,
220,
220,
6117,
796,
17141,
13,
19796,
62,
439,
7203,
64,
4943,
198,
220,
220,
220,
6117,
796,
685,
64,
14692,
33257,
8973,
329,
257,
287,
6117,
611,
366,
33257,
1,
287,
257,
13,
1078,
3808,
60,
198,
220,
220,
220,
6117,
796,
1351,
357,
2617,
7,
28751,
4008,
198,
220,
220,
220,
3912,
796,
374,
1,
61,
5450,
1378,
12567,
13,
785,
29006,
30,
47,
27,
7220,
36937,
59,
86,
12,
48688,
20679,
7,
30,
47,
27,
260,
7501,
36937,
59,
86,
12,
60,
28988,
3,
1,
198,
220,
220,
220,
1172,
796,
302,
13,
5589,
576,
7,
33279,
737,
12947,
198,
220,
220,
220,
7466,
796,
3975,
7,
1676,
70,
11,
6117,
8,
198,
220,
220,
220,
1128,
418,
796,
1351,
7,
24455,
7,
14202,
11,
7466,
4008,
198,
220,
220,
220,
1441,
1128,
418,
628,
198,
4299,
651,
62,
260,
7501,
62,
15042,
62,
437,
13033,
7,
42068,
25,
7343,
58,
260,
13,
23850,
60,
2599,
198,
220,
220,
220,
37227,
26981,
257,
1628,
10289,
656,
281,
7824,
29924,
36123,
37811,
198,
220,
220,
220,
2628,
796,
685,
16302,
13,
8094,
11600,
3419,
329,
1628,
287,
4493,
60,
198,
220,
220,
220,
1441,
685,
198,
220,
220,
220,
220,
220,
220,
220,
277,
1,
5450,
1378,
15042,
13,
12567,
13,
785,
14,
260,
1930,
14,
90,
8094,
17816,
7220,
20520,
92,
14,
90,
8094,
17816,
260,
7501,
20520,
36786,
198,
220,
220,
220,
220,
220,
220,
220,
329,
1448,
287,
2628,
198,
220,
220,
220,
220,
220,
220,
220,
611,
1448,
14692,
7220,
8973,
407,
287,
19467,
62,
385,
1142,
1047,
198,
220,
220,
220,
2361,
628,
198,
292,
13361,
825,
651,
62,
28405,
62,
7890,
7,
29891,
25,
20985,
36044,
11,
29924,
62,
6371,
2599,
198,
220,
220,
220,
37227,
3855,
1981,
1128,
418,
1366,
37811,
198,
220,
220,
220,
49706,
13,
24442,
7,
69,
1,
27471,
768,
2581,
284,
1391,
260,
7501,
62,
6371,
92,
4943,
198,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
30351,
351,
6246,
13,
1136,
7,
260,
7501,
62,
6371,
8,
355,
2882,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
24442,
7,
69,
1,
1136,
2882,
284,
1391,
260,
7501,
62,
6371,
92,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1366,
796,
25507,
2882,
13,
5239,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1366,
796,
33918,
13,
46030,
7,
7890,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
3672,
1298,
1366,
14692,
3672,
33116,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
18403,
1298,
1366,
14692,
18403,
1,
7131,
1,
38235,
33116,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
301,
853,
1031,
364,
1298,
1366,
14692,
301,
853,
1031,
364,
62,
9127,
33116,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
6371,
1298,
1366,
14692,
6494,
62,
6371,
33116,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1782,
198,
220,
220,
220,
2845,
7383,
12331,
355,
304,
25,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
18224,
7,
69,
1,
31077,
6428,
12214,
379,
1391,
260,
7501,
62,
6371,
92,
532,
1391,
7890,
92,
4943,
198,
220,
220,
220,
2845,
20985,
12331,
25,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
18224,
7,
69,
1,
18453,
4054,
379,
1391,
260,
7501,
62,
6371,
92,
4943,
628,
198,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
198,
220,
220,
220,
1388,
3419,
198
] | 2.625538 | 1,394 |
"""
.. module:: BEST
:platform: Unix, linux, Windows
.. moduleauthor:: Sunkyu Kim <[email protected]>
================================
Biomedical Entity Query API v2
================================
API Description
================
This API is for use of BEST(Biomedical Entity Search Tool) in various purposes.
All users can access BEST at : http://best.korea.ac.kr/
For bugs and inquiries, please contact:
* Jaewoo Kang([email protected])
* Sunkyu Kim([email protected])
Reference : https://doi.org/10.1371/journal.pone.0164680
Usage Examples
===============
To see ‘gene’s related ‘breast cancer’, use this sample code.
>>> bestQuery = best.BESTQuery("breast cancer",
filterObjectName="gene",
noAbsTxt=False)
>>> searchResult = best.getRelevantBioEntities(bestQuery)
>>> print(searchResult)
[{ 'entityname' : 'ERBB2',
'score' : 8098.43,
'PMIDs' : ['28427196', '28341751', '28199325'],
'abstracts' : [
'Molecular-based cancer tests...',
'The molecular subtype of breast...'
'Breast cancer is the second leading cause of...'],
'numArticles':14537
'rank' : 1},
{ 'entityname' : 'ESR1',
'score' : 7340.54,
'PMIDs' : ['27923387', '28274211', '26276891'],
'abstracts' : [
'Several studies have shown that mammographic..',
'A shift towards less burdening and more...'
'The complete molecular basis of the organ-...'],
'numArticles':18084
'rank' : 2},
...
]
Changing noAbsTxt=True can make the process faster.
>>> bestQuery = best.BESTQuery("breast cancer",
filterObjectName="gene",
noAbsTxt=True)
>>> searchResult = best.getRelevantBioEntities(bestQuery)
>>> print(searchResult)
[{ 'entityname' : 'ERBB2',
'score' : 8098.43,
'PMIDs' : [],
'abstracts' : [],
'numArticles':14537
'rank' : 1},
{ 'entityname' : 'ESR1',
'score' : 7340.54,
'PMIDs' : [],
'abstracts' : [],
'numArticles':18084
'rank' : 2},
...
]
If you want to see other entity types, change filterObjectName.
.. note:: Total 10 filterObjects(entity types) are available.
* gene
* drug
* chemical compound
* target
* disease
* toxin
* transcription factor
* mirna
* pathway
* mutation
>>> bestQuery = best.BESTQuery("breast cancer",
filterObjectName="drug",
noAbsTxt=True)
>>> searchResult = best.getRelevantBioEntities(bestQuery)
>>> print(searchResult)
[{ 'entityname' : 'tamoxifen',
'score' : 3208.687,
'abstracts' : [],
'numArticles':10583
'rank' : 1},
{ 'entityname' : 'doxorubicin',
'score' : 1639.867,
'abstracts' : [],
'numArticles':6074
'rank' : 2},
...
]
Class/Function Description
===========================
"""
import http
#from http.client import HTTPException
import socket
class BESTQuery():
"""
BESTQuery class is basic query object for BEST API.
"""
__besturl = "http://best.korea.ac.kr/s?"
def __init__(self, querystr, filterObjectName="All Entity Type", topN=20, noAbsTxt=True):
"""BESTQuery
:param querystr, filterObjectName : result type, topN, noAbsTxt : if True, the result doesn't include the abstract texts.
.
>>> query = BESTQuery("lung cancer", filterObjectName="gene", topN=10, noAbsTxt=False)
>>> # 10 genes related with lung cancer is searched including the abstract texts.
"""
self.querystr = querystr
self.filterObjectName = filterObjectName
self.topN = topN
self.noAbsTxt = noAbsTxt
def setQuerystr (self, querystr):
"""Setting the query
:param querystr: a string object
>>> query.setQuery(["cancer"])
"""
if type(querystr) is not str:
print ("Initialize error : invalid query. It should be a string object.")
print (querystr)
return
if len(querystr) == 0:
return
self.querystr = querystr
def getQuerystr (self):
"""Getting the query String
:return: A string
>>> querystr = query.getQuerystr()
>>> print (querystr)
["cancer"]
"""
return self.querystr
def setTopN (self, n):
""" Setting the number of results retrieved by query
:param n: the number of results to be retrieved
>>> query.setTopN(100)
"""
self.topN = n
def getTopN (self):
""" Getting the number of results retrieved by query
:return: the number of results to be retrieved
>>> print (query.getTopN())
100
"""
return self.topN
def setFilterObjectName (self, oname):
""" Setting the filtering object.
Total 10 types are available.
* gene
* drug
* chemical compound
* target
* disease
* toxin
* transcription factor
* mirna
* pathway
* mutation
>>> qeury.setFilterObjectName("Gene")
"""
self.filterObjectName = oname
def getFilterObjectName (self):
""" Getting the filtering entity type.
>>> print(query.getFilterObjectName())
"breast cancer"
"""
return self.filterObjectName
def getRelevantBioEntities(bestQuery):
""" Function for retrieval from BEST
:param bestQuery: BESTQuery
:return: parsed objects (dict-BIOENTITY).
* BIOENTITY (dict): {"entityName":str, "rank":int, "score":float, "numArticles":int, "abstracts":[str]}
>>> bestQuery = BESTQuery( "lung cancer",
filterObjectName="gene",
topN=10,
noAbsTxt=True )
>>> relevantEntities = getRelevantBioEntities(bestQuery)
"""
if not (type(bestQuery) is BESTQuery):
print ("query is invalid! please check your query object.")
return None
if not bestQuery._isValid() :
print ("Query object is invalid. Please check the query")
print ("Query : ")
print (" query: " + str(bestQuery.query))
print (" topN: " + str(bestQuery.topN))
return None
urlquery = bestQuery.makeQueryString()
import urllib
resultStr = ""
again = 0
while (again < 5):
try:
request = urllib.request.Request(urlquery)
request.add_header('User-Agent', 'Mozilla/4.0 (compatible; MSIE 6.0; Windows NT 5.1)')
geneUrl = urllib.request.urlopen(request, timeout=5)
resultStr = geneUrl.read().decode('utf-8')
again = 10
except http.client.BadStatusLine:
again += 1
except http.client.HTTPException:
again += 1
except socket.timeout:
again += 1
except socket.error:
again += 1
except urllib.error.URLError:
again += 1
except Exception:
again += 1
if again == 5:
print("Network status is not good")
return None
result = __makeDataFromBestQueryResult(resultStr)
return result | [
37811,
198,
492,
8265,
3712,
38502,
198,
220,
220,
220,
1058,
24254,
25,
33501,
11,
32639,
11,
3964,
198,
492,
8265,
9800,
3712,
3825,
2584,
84,
6502,
1279,
19155,
2584,
84,
12,
74,
320,
31,
74,
46215,
13,
330,
13,
38584,
29,
198,
10052,
198,
23286,
35914,
20885,
43301,
7824,
410,
17,
198,
10052,
198,
17614,
12489,
198,
4770,
198,
1212,
7824,
318,
329,
779,
286,
38502,
7,
23286,
35914,
20885,
11140,
16984,
8,
287,
2972,
4959,
13,
198,
3237,
2985,
460,
1895,
38502,
379,
1058,
2638,
1378,
13466,
13,
74,
46215,
13,
330,
13,
38584,
14,
198,
1890,
11316,
290,
23538,
11,
3387,
2800,
25,
198,
1635,
13790,
413,
2238,
27504,
7,
74,
648,
73,
31,
74,
46215,
13,
330,
13,
38584,
8,
198,
1635,
3825,
2584,
84,
6502,
7,
19155,
2584,
84,
12,
74,
320,
31,
74,
46215,
13,
330,
13,
38584,
8,
198,
26687,
1058,
3740,
1378,
34023,
13,
2398,
14,
940,
13,
1485,
4869,
14,
24891,
13,
79,
505,
13,
486,
27720,
1795,
198,
28350,
21066,
198,
25609,
18604,
198,
2514,
766,
564,
246,
70,
1734,
447,
247,
82,
3519,
564,
246,
4679,
459,
4890,
447,
247,
11,
779,
428,
6291,
2438,
13,
198,
33409,
1266,
20746,
796,
1266,
13,
33,
6465,
20746,
7203,
4679,
459,
4890,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8106,
10267,
5376,
2625,
70,
1734,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
645,
24849,
51,
742,
28,
25101,
8,
198,
33409,
2989,
23004,
796,
1266,
13,
1136,
3041,
14938,
42787,
14539,
871,
7,
13466,
20746,
8,
198,
33409,
3601,
7,
12947,
23004,
8,
198,
58,
90,
220,
705,
26858,
3672,
6,
1058,
705,
1137,
15199,
17,
3256,
198,
220,
220,
220,
705,
26675,
6,
1058,
807,
2931,
23,
13,
3559,
11,
198,
220,
220,
220,
705,
5868,
47954,
6,
1058,
37250,
30336,
1983,
25272,
3256,
705,
2078,
2682,
1558,
4349,
3256,
705,
2078,
24465,
1495,
6,
4357,
198,
220,
220,
220,
705,
397,
8709,
82,
6,
1058,
685,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
44,
2305,
10440,
12,
3106,
4890,
5254,
986,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
464,
18955,
850,
4906,
286,
9296,
986,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
12679,
459,
4890,
318,
262,
1218,
3756,
2728,
286,
986,
6,
4357,
198,
220,
220,
220,
705,
22510,
8001,
2983,
10354,
18781,
2718,
198,
220,
220,
220,
705,
43027,
6,
1058,
352,
5512,
198,
1391,
220,
705,
26858,
3672,
6,
1058,
705,
1546,
49,
16,
3256,
198,
220,
220,
220,
705,
26675,
6,
1058,
8854,
1821,
13,
4051,
11,
198,
220,
220,
220,
705,
5868,
47954,
6,
1058,
37250,
26050,
1954,
32220,
3256,
705,
2078,
1983,
3682,
1157,
3256,
705,
2075,
1983,
3104,
6420,
6,
4357,
198,
220,
220,
220,
705,
397,
8709,
82,
6,
1058,
685,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
14945,
3640,
423,
3402,
326,
13418,
6826,
492,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
32,
6482,
3371,
1342,
8746,
3101,
290,
517,
986,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
464,
1844,
18955,
4308,
286,
262,
1618,
12,
986,
6,
4357,
198,
220,
220,
220,
705,
22510,
8001,
2983,
10354,
1507,
2919,
19,
198,
220,
220,
220,
705,
43027,
6,
1058,
362,
5512,
198,
220,
220,
220,
2644,
198,
60,
198,
48333,
645,
24849,
51,
742,
28,
17821,
460,
787,
262,
1429,
5443,
13,
198,
33409,
1266,
20746,
796,
1266,
13,
33,
6465,
20746,
7203,
4679,
459,
4890,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8106,
10267,
5376,
2625,
70,
1734,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
645,
24849,
51,
742,
28,
17821,
8,
198,
33409,
2989,
23004,
796,
1266,
13,
1136,
3041,
14938,
42787,
14539,
871,
7,
13466,
20746,
8,
198,
33409,
3601,
7,
12947,
23004,
8,
198,
58,
90,
220,
705,
26858,
3672,
6,
1058,
705,
1137,
15199,
17,
3256,
198,
220,
220,
220,
705,
26675,
6,
1058,
807,
2931,
23,
13,
3559,
11,
198,
220,
220,
220,
705,
5868,
47954,
6,
1058,
685,
4357,
198,
220,
220,
220,
705,
397,
8709,
82,
6,
1058,
685,
4357,
198,
220,
220,
220,
705,
22510,
8001,
2983,
10354,
18781,
2718,
198,
220,
220,
220,
705,
43027,
6,
1058,
352,
5512,
198,
1391,
220,
705,
26858,
3672,
6,
1058,
705,
1546,
49,
16,
3256,
198,
220,
220,
220,
705,
26675,
6,
1058,
8854,
1821,
13,
4051,
11,
198,
220,
220,
220,
705,
5868,
47954,
6,
1058,
685,
4357,
198,
220,
220,
220,
705,
397,
8709,
82,
6,
1058,
685,
4357,
198,
220,
220,
220,
705,
22510,
8001,
2983,
10354,
1507,
2919,
19,
198,
220,
220,
220,
705,
43027,
6,
1058,
362,
5512,
198,
220,
220,
220,
2644,
198,
60,
198,
1532,
345,
765,
284,
766,
584,
9312,
3858,
11,
1487,
8106,
10267,
5376,
13,
198,
492,
3465,
3712,
7472,
838,
8106,
10267,
82,
7,
26858,
3858,
8,
389,
1695,
13,
198,
1635,
9779,
198,
1635,
2563,
198,
1635,
5931,
13061,
198,
1635,
2496,
198,
1635,
4369,
198,
1635,
43026,
198,
1635,
26955,
5766,
198,
1635,
5720,
2616,
198,
1635,
21182,
198,
1635,
15148,
198,
33409,
1266,
20746,
796,
1266,
13,
33,
6465,
20746,
7203,
4679,
459,
4890,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8106,
10267,
5376,
2625,
30349,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
645,
24849,
51,
742,
28,
17821,
8,
198,
33409,
2989,
23004,
796,
1266,
13,
1136,
3041,
14938,
42787,
14539,
871,
7,
13466,
20746,
8,
198,
33409,
3601,
7,
12947,
23004,
8,
198,
58,
90,
220,
705,
26858,
3672,
6,
1058,
705,
83,
321,
1140,
361,
268,
3256,
198,
220,
220,
220,
705,
26675,
6,
1058,
20959,
23,
13,
39925,
11,
198,
220,
220,
220,
705,
397,
8709,
82,
6,
1058,
685,
4357,
198,
220,
220,
220,
705,
22510,
8001,
2983,
10354,
940,
46239,
198,
220,
220,
220,
705,
43027,
6,
1058,
352,
5512,
198,
1391,
220,
705,
26858,
3672,
6,
1058,
705,
67,
1140,
273,
549,
291,
259,
3256,
198,
220,
220,
220,
705,
26675,
6,
1058,
1467,
2670,
13,
23,
3134,
11,
198,
220,
220,
220,
705,
397,
8709,
82,
6,
1058,
685,
4357,
198,
220,
220,
220,
705,
22510,
8001,
2983,
10354,
1899,
4524,
198,
220,
220,
220,
705,
43027,
6,
1058,
362,
5512,
198,
220,
220,
220,
2644,
198,
60,
198,
9487,
14,
22203,
12489,
198,
4770,
2559,
18604,
198,
37811,
198,
11748,
2638,
198,
2,
6738,
2638,
13,
16366,
1330,
14626,
16922,
198,
11748,
17802,
198,
198,
4871,
38502,
20746,
33529,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
38502,
20746,
1398,
318,
4096,
12405,
2134,
329,
38502,
7824,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
11593,
13466,
6371,
796,
366,
4023,
1378,
13466,
13,
74,
46215,
13,
330,
13,
38584,
14,
82,
1701,
628,
198,
220,
220,
220,
825,
11593,
15003,
834,
7,
944,
11,
12405,
2536,
11,
8106,
10267,
5376,
2625,
3237,
20885,
5994,
1600,
1353,
45,
28,
1238,
11,
645,
24849,
51,
742,
28,
17821,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
33,
6465,
20746,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
12405,
2536,
11,
8106,
10267,
5376,
1058,
1255,
2099,
11,
1353,
45,
11,
645,
24849,
51,
742,
1058,
611,
6407,
11,
262,
1255,
1595,
470,
2291,
262,
12531,
13399,
13,
198,
13,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
12405,
796,
38502,
20746,
7203,
75,
2150,
4890,
1600,
8106,
10267,
5376,
2625,
70,
1734,
1600,
1353,
45,
28,
940,
11,
645,
24849,
51,
742,
28,
25101,
8,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
1303,
838,
10812,
3519,
351,
12317,
4890,
318,
16499,
1390,
262,
12531,
13399,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
22766,
2536,
796,
12405,
2536,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
24455,
10267,
5376,
796,
8106,
10267,
5376,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
4852,
45,
796,
1353,
45,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
3919,
24849,
51,
742,
796,
645,
24849,
51,
742,
628,
220,
220,
220,
825,
900,
20746,
2536,
357,
944,
11,
12405,
2536,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
34149,
262,
12405,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
12405,
2536,
25,
257,
4731,
2134,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
12405,
13,
2617,
20746,
7,
14692,
48870,
8973,
8,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2099,
7,
22766,
2536,
8,
318,
407,
965,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
5855,
24243,
1096,
4049,
1058,
12515,
12405,
13,
632,
815,
307,
257,
4731,
2134,
19570,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
357,
22766,
2536,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
628,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
22766,
2536,
8,
6624,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
628,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
22766,
2536,
796,
12405,
2536,
628,
220,
220,
220,
825,
651,
20746,
2536,
357,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
20570,
262,
12405,
10903,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
7783,
25,
317,
4731,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
12405,
2536,
796,
12405,
13,
1136,
20746,
2536,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
3601,
357,
22766,
2536,
8,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
48870,
8973,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
22766,
2536,
628,
220,
220,
220,
825,
900,
9126,
45,
357,
944,
11,
299,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
25700,
262,
1271,
286,
2482,
29517,
416,
12405,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
299,
25,
262,
1271,
286,
2482,
284,
307,
29517,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
12405,
13,
2617,
9126,
45,
7,
3064,
8,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
4852,
45,
796,
299,
628,
220,
220,
220,
825,
651,
9126,
45,
357,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
18067,
262,
1271,
286,
2482,
29517,
416,
12405,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
7783,
25,
262,
1271,
286,
2482,
284,
307,
29517,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
3601,
357,
22766,
13,
1136,
9126,
45,
28955,
198,
220,
220,
220,
220,
220,
220,
220,
1802,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
4852,
45,
628,
220,
220,
220,
825,
900,
22417,
10267,
5376,
357,
944,
11,
319,
480,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
25700,
262,
25431,
2134,
13,
198,
220,
220,
220,
220,
220,
220,
220,
7472,
838,
3858,
389,
1695,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
1635,
9779,
198,
220,
220,
220,
220,
220,
220,
220,
220,
1635,
2563,
198,
220,
220,
220,
220,
220,
220,
220,
220,
1635,
5931,
13061,
198,
220,
220,
220,
220,
220,
220,
220,
220,
1635,
2496,
198,
220,
220,
220,
220,
220,
220,
220,
220,
1635,
4369,
198,
220,
220,
220,
220,
220,
220,
220,
220,
1635,
43026,
198,
220,
220,
220,
220,
220,
220,
220,
220,
1635,
26955,
5766,
198,
220,
220,
220,
220,
220,
220,
220,
220,
1635,
5720,
2616,
198,
220,
220,
220,
220,
220,
220,
220,
220,
1635,
21182,
198,
220,
220,
220,
220,
220,
220,
220,
220,
1635,
15148,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
10662,
68,
1601,
13,
2617,
22417,
10267,
5376,
7203,
39358,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
24455,
10267,
5376,
796,
319,
480,
628,
220,
220,
220,
825,
651,
22417,
10267,
5376,
357,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
18067,
262,
25431,
9312,
2099,
13,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
3601,
7,
22766,
13,
1136,
22417,
10267,
5376,
28955,
198,
220,
220,
220,
220,
220,
220,
220,
366,
4679,
459,
4890,
1,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
24455,
10267,
5376,
198,
198,
4299,
651,
3041,
14938,
42787,
14539,
871,
7,
13466,
20746,
2599,
198,
220,
220,
220,
37227,
15553,
329,
45069,
422,
38502,
198,
220,
220,
220,
1058,
17143,
1266,
20746,
25,
38502,
20746,
198,
220,
220,
220,
1058,
7783,
25,
44267,
5563,
357,
11600,
12,
3483,
46,
3525,
9050,
737,
198,
220,
220,
220,
1635,
347,
9399,
3525,
9050,
357,
11600,
2599,
19779,
26858,
5376,
1298,
2536,
11,
366,
43027,
1298,
600,
11,
366,
26675,
1298,
22468,
11,
366,
22510,
8001,
2983,
1298,
600,
11,
366,
397,
8709,
82,
20598,
2536,
48999,
198,
220,
220,
220,
13163,
1266,
20746,
796,
38502,
20746,
7,
220,
366,
75,
2150,
4890,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8106,
10267,
5376,
2625,
70,
1734,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1353,
45,
28,
940,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
645,
24849,
51,
742,
28,
17821,
220,
220,
1267,
198,
220,
220,
220,
13163,
5981,
14539,
871,
796,
651,
3041,
14938,
42787,
14539,
871,
7,
13466,
20746,
8,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
611,
407,
357,
4906,
7,
13466,
20746,
8,
318,
38502,
20746,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
5855,
22766,
318,
12515,
0,
3387,
2198,
534,
12405,
2134,
19570,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
6045,
628,
220,
220,
220,
611,
407,
1266,
20746,
13557,
271,
47139,
3419,
1058,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
5855,
20746,
2134,
318,
12515,
13,
4222,
2198,
262,
12405,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
5855,
20746,
1058,
366,
8,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
5855,
220,
220,
12405,
25,
366,
1343,
965,
7,
13466,
20746,
13,
22766,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
5855,
220,
220,
1353,
45,
25,
366,
1343,
965,
7,
13466,
20746,
13,
4852,
45,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
6045,
628,
220,
220,
220,
19016,
22766,
796,
1266,
20746,
13,
15883,
20746,
10100,
3419,
628,
220,
220,
220,
1330,
2956,
297,
571,
628,
220,
220,
220,
1255,
13290,
796,
13538,
198,
220,
220,
220,
757,
796,
657,
198,
220,
220,
220,
981,
357,
17776,
1279,
642,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2581,
796,
2956,
297,
571,
13,
25927,
13,
18453,
7,
6371,
22766,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2581,
13,
2860,
62,
25677,
10786,
12982,
12,
36772,
3256,
705,
44,
8590,
5049,
14,
19,
13,
15,
357,
38532,
26,
6579,
10008,
718,
13,
15,
26,
3964,
24563,
642,
13,
16,
8,
11537,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9779,
28165,
796,
2956,
297,
571,
13,
25927,
13,
6371,
9654,
7,
25927,
11,
26827,
28,
20,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
13290,
796,
9779,
28165,
13,
961,
22446,
12501,
1098,
10786,
40477,
12,
23,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
757,
796,
838,
198,
220,
220,
220,
220,
220,
220,
220,
2845,
2638,
13,
16366,
13,
22069,
19580,
13949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
757,
15853,
352,
198,
220,
220,
220,
220,
220,
220,
220,
2845,
2638,
13,
16366,
13,
40717,
16922,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
757,
15853,
352,
198,
220,
220,
220,
220,
220,
220,
220,
2845,
17802,
13,
48678,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
757,
15853,
352,
198,
220,
220,
220,
220,
220,
220,
220,
2845,
17802,
13,
18224,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
757,
15853,
352,
198,
220,
220,
220,
220,
220,
220,
220,
2845,
2956,
297,
571,
13,
18224,
13,
4261,
2538,
81,
1472,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
757,
15853,
352,
198,
220,
220,
220,
220,
220,
220,
220,
2845,
35528,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
757,
15853,
352,
628,
220,
220,
220,
611,
757,
6624,
642,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
26245,
3722,
318,
407,
922,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
6045,
628,
220,
220,
220,
1255,
796,
11593,
15883,
6601,
4863,
13014,
20746,
23004,
7,
20274,
13290,
8,
628,
220,
220,
220,
1441,
1255
] | 2.308866 | 3,147 |
import io
import unittest
import unittest.mock
from haste.benchmarking import log
| [
11748,
33245,
198,
11748,
555,
715,
395,
198,
11748,
555,
715,
395,
13,
76,
735,
198,
198,
6738,
36797,
13,
26968,
4102,
278,
1330,
2604,
628
] | 3.230769 | 26 |
from RandomBot.MainCog import *
| [
6738,
14534,
20630,
13,
13383,
34,
519,
1330,
1635,
198
] | 3.2 | 10 |
# coding: utf-8
# In[1]:
import sys
sys.path.append("../../examples")
from full_adder import FullAdder
from magma import *
# In[2]:
T = Bits(4)
# In[3]:
from magma.simulator import PythonSimulator
from magma.bit_vector import BitVector
simulator = PythonSimulator(Adder4)
simulator.set_value(Adder4.a, BitVector(2, num_bits=4))
simulator.set_value(Adder4.b, BitVector(3, num_bits=4))
simulator.set_value(Adder4.cin, True)
simulator.evaluate()
assert simulator.get_value(Adder4.out) == BitVector(6, num_bits=4)
assert simulator.get_value(Adder4.cout) == False
print("Success!")
| [
198,
2,
19617,
25,
3384,
69,
12,
23,
198,
198,
2,
554,
58,
16,
5974,
628,
198,
11748,
25064,
198,
17597,
13,
6978,
13,
33295,
7203,
40720,
40720,
1069,
12629,
4943,
198,
6738,
1336,
62,
26676,
1330,
6462,
2782,
1082,
198,
6738,
2153,
2611,
1330,
1635,
628,
198,
2,
554,
58,
17,
5974,
628,
198,
51,
796,
44733,
7,
19,
8,
628,
198,
2,
554,
58,
18,
5974,
628,
198,
6738,
2153,
2611,
13,
14323,
8927,
1330,
11361,
8890,
8927,
198,
6738,
2153,
2611,
13,
2545,
62,
31364,
1330,
4722,
38469,
198,
198,
14323,
8927,
796,
11361,
8890,
8927,
7,
2782,
1082,
19,
8,
198,
14323,
8927,
13,
2617,
62,
8367,
7,
2782,
1082,
19,
13,
64,
11,
4722,
38469,
7,
17,
11,
997,
62,
9895,
28,
19,
4008,
198,
14323,
8927,
13,
2617,
62,
8367,
7,
2782,
1082,
19,
13,
65,
11,
4722,
38469,
7,
18,
11,
997,
62,
9895,
28,
19,
4008,
198,
14323,
8927,
13,
2617,
62,
8367,
7,
2782,
1082,
19,
13,
17879,
11,
6407,
8,
198,
14323,
8927,
13,
49786,
3419,
198,
30493,
35375,
13,
1136,
62,
8367,
7,
2782,
1082,
19,
13,
448,
8,
6624,
4722,
38469,
7,
21,
11,
997,
62,
9895,
28,
19,
8,
198,
30493,
35375,
13,
1136,
62,
8367,
7,
2782,
1082,
19,
13,
66,
448,
8,
6624,
10352,
198,
4798,
7203,
33244,
2474,
8,
628
] | 2.615044 | 226 |
# Space: O(1)
# Time: O(n)
# Recursive approach
# Definition for singly-linked list.
# class ListNode:
# def __init__(self, x):
# self.val = x
# self.next = None
| [
198,
2,
4687,
25,
440,
7,
16,
8,
198,
2,
3862,
25,
440,
7,
77,
8,
198,
198,
2,
3311,
30753,
3164,
198,
198,
2,
30396,
329,
1702,
306,
12,
25614,
1351,
13,
198,
2,
1398,
7343,
19667,
25,
198,
2,
220,
220,
220,
220,
825,
11593,
15003,
834,
7,
944,
11,
2124,
2599,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
2100,
796,
2124,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
19545,
796,
6045,
628,
628
] | 2.186047 | 86 |
import errno
import logging
import os
import shutil
import stat
import sys
from typing import TYPE_CHECKING
from dvc.exceptions import DvcException
if TYPE_CHECKING:
from dvc.types import StrPath
logger = logging.getLogger(__name__)
def path_isin(child: "StrPath", parent: "StrPath") -> bool:
"""Check if given `child` path is inside `parent`."""
parent = os.path.join(normalize_path(parent), "")
child = normalize_path(child)
return child != parent and child.startswith(parent)
| [
11748,
11454,
3919,
198,
11748,
18931,
198,
11748,
28686,
198,
11748,
4423,
346,
198,
11748,
1185,
198,
11748,
25064,
198,
6738,
19720,
1330,
41876,
62,
50084,
2751,
198,
198,
6738,
288,
28435,
13,
1069,
11755,
1330,
360,
28435,
16922,
198,
198,
361,
41876,
62,
50084,
2751,
25,
198,
220,
220,
220,
422,
288,
28435,
13,
19199,
1330,
4285,
15235,
198,
198,
6404,
1362,
796,
18931,
13,
1136,
11187,
1362,
7,
834,
3672,
834,
8,
628,
628,
628,
198,
198,
4299,
3108,
62,
45763,
7,
9410,
25,
366,
13290,
15235,
1600,
2560,
25,
366,
13290,
15235,
4943,
4613,
20512,
25,
198,
220,
220,
220,
37227,
9787,
611,
1813,
4600,
9410,
63,
3108,
318,
2641,
4600,
8000,
63,
526,
15931,
628,
220,
220,
220,
2560,
796,
28686,
13,
6978,
13,
22179,
7,
11265,
1096,
62,
6978,
7,
8000,
828,
366,
4943,
198,
220,
220,
220,
1200,
796,
3487,
1096,
62,
6978,
7,
9410,
8,
198,
220,
220,
220,
1441,
1200,
14512,
2560,
290,
1200,
13,
9688,
2032,
342,
7,
8000,
8,
628
] | 3.005882 | 170 |
''' Figure utilities. '''
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import numpy as np
import types
import matplotlib.pyplot as plt
from matplotlib.figure import Figure
from matplotlib.backends.backend_agg import FigureCanvasAgg
import six
from io import BytesIO
from tensorflow import Summary
from . import mpl_figure
def subplots(nrows=1, ncols=1, sharex=False, sharey=False, squeeze=True,
subplot_kw=None, gridspec_kw=None, **fig_kw):
"""
Create a figure and a set of subplots, as in `pyplot.subplots()`.
It works almost similar to `pyplot.subplots()`, but differ from it in that
it does not involve any side effect as pyplot does (e.g. modifying thread
states such as current figure or current subplot).
(docstrings inherited from `matplotlib.pyplot.subplots`)
"""
FigureClass = fig_kw.pop('FigureClass', Figure)
fig = FigureClass(**fig_kw)
# attach a new Agg canvas
if fig.canvas is None:
FigureCanvasAgg(fig)
# create subplots, e.g. fig.subplots() in matplotlib 2.1+
if not hasattr(fig, 'subplots'):
if six.PY2:
fig.subplots = types.MethodType(mpl_figure.subplots, fig, FigureClass)
else:
fig.subplots = types.MethodType(mpl_figure.subplots, fig)
axs = fig.subplots(nrows=nrows, ncols=ncols, sharex=sharex, sharey=sharey,
squeeze=squeeze, subplot_kw=subplot_kw,
gridspec_kw=gridspec_kw)
return fig, axs
# inherit and append a part of the docstring from pyplot.subplots()
subplots.__doc__ += plt.subplots.__doc__[plt.subplots.__doc__.find('Parameters'):]\
.replace('plt.subplots', 'tfplot.subplots')
def to_array(fig):
"""
Convert a matplotlib figure ``fig`` into a 3D numpy array.
Example:
>>> fig, ax = tfplot.subplots(figsize=(4, 4))
>>> # draw whatever, e.g. ax.text(0.5, 0.5, "text")
>>> im = to_array(fig) # ndarray [288, 288, 4]
Args:
fig: A ``matplotlib.figure.Figure`` object.
Returns:
A numpy ``ndarray`` of shape ``(?, ?, 4)``, containing an RGB-A image of
the figure.
"""
# attach a new canvas if not exists
if fig.canvas is None:
FigureCanvasAgg(fig)
fig.canvas.draw()
w, h = fig.canvas.get_width_height()
img = np.frombuffer(fig.canvas.tostring_argb(), dtype=np.uint8)
img = img.reshape((h, w, 4))
img = img[:, :, (1, 2, 3, 0)] # argb -> rgba
return img
def to_summary(fig, tag):
"""
Convert a matplotlib figure ``fig`` into a TensorFlow Summary object
that can be directly fed into ``Summary.FileWriter``.
Example:
>>> fig, ax = ... # (as above)
>>> summary = to_summary(fig, tag='MyFigure/image')
>>> type(summary)
tensorflow.core.framework.summary_pb2.Summary
>>> summary_writer.add_summary(summary, global_step=global_step)
Args:
fig: A ``matplotlib.figure.Figure`` object.
tag (string): The tag name of the created summary.
Returns:
A TensorFlow ``Summary`` protobuf object containing the plot image
as a image summary.
"""
if not isinstance(tag, six.string_types):
raise TypeError("tag must be a string type")
# attach a new canvas if not exists
if fig.canvas is None:
FigureCanvasAgg(fig)
fig.canvas.draw()
w, h = fig.canvas.get_width_height()
# get PNG data from the figure
png_buffer = BytesIO()
fig.canvas.print_png(png_buffer)
png_encoded = png_buffer.getvalue()
png_buffer.close()
summary_image = Summary.Image(height=h, width=w, colorspace=4, # RGB-A
encoded_image_string=png_encoded)
summary = Summary(value=[Summary.Value(tag=tag, image=summary_image)])
return summary
__all__ = (
'to_array',
'to_summary',
'subplots',
)
| [
7061,
6,
11291,
20081,
13,
705,
7061,
198,
198,
6738,
11593,
37443,
834,
1330,
4112,
62,
11748,
198,
6738,
11593,
37443,
834,
1330,
7297,
198,
6738,
11593,
37443,
834,
1330,
3601,
62,
8818,
198,
198,
11748,
299,
32152,
355,
45941,
198,
11748,
3858,
198,
198,
11748,
2603,
29487,
8019,
13,
9078,
29487,
355,
458,
83,
198,
6738,
2603,
29487,
8019,
13,
26875,
1330,
11291,
198,
6738,
2603,
29487,
8019,
13,
1891,
2412,
13,
1891,
437,
62,
9460,
1330,
11291,
6090,
11017,
46384,
198,
198,
11748,
2237,
198,
6738,
33245,
1330,
2750,
4879,
9399,
198,
6738,
11192,
273,
11125,
1330,
21293,
198,
198,
6738,
764,
1330,
285,
489,
62,
26875,
628,
198,
4299,
850,
489,
1747,
7,
77,
8516,
28,
16,
11,
299,
4033,
82,
28,
16,
11,
2648,
87,
28,
25101,
11,
2648,
88,
28,
25101,
11,
21229,
28,
17821,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
850,
29487,
62,
46265,
28,
14202,
11,
50000,
43106,
62,
46265,
28,
14202,
11,
12429,
5647,
62,
46265,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
13610,
257,
3785,
290,
257,
900,
286,
850,
489,
1747,
11,
355,
287,
4600,
9078,
29487,
13,
7266,
489,
1747,
3419,
44646,
628,
220,
220,
220,
632,
2499,
2048,
2092,
284,
4600,
9078,
29487,
13,
7266,
489,
1747,
3419,
47671,
475,
13238,
422,
340,
287,
326,
198,
220,
220,
220,
340,
857,
407,
6211,
597,
1735,
1245,
355,
12972,
29487,
857,
357,
68,
13,
70,
13,
30620,
4704,
198,
220,
220,
220,
2585,
884,
355,
1459,
3785,
393,
1459,
850,
29487,
737,
628,
220,
220,
220,
357,
15390,
37336,
19552,
422,
4600,
6759,
29487,
8019,
13,
9078,
29487,
13,
7266,
489,
1747,
63,
8,
628,
220,
220,
220,
37227,
198,
220,
220,
220,
11291,
9487,
796,
2336,
62,
46265,
13,
12924,
10786,
11337,
9487,
3256,
11291,
8,
198,
220,
220,
220,
2336,
796,
11291,
9487,
7,
1174,
5647,
62,
46265,
8,
628,
220,
220,
220,
1303,
10199,
257,
649,
19015,
21978,
198,
220,
220,
220,
611,
2336,
13,
5171,
11017,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
11291,
6090,
11017,
46384,
7,
5647,
8,
628,
220,
220,
220,
1303,
2251,
850,
489,
1747,
11,
304,
13,
70,
13,
2336,
13,
7266,
489,
1747,
3419,
287,
2603,
29487,
8019,
362,
13,
16,
10,
198,
220,
220,
220,
611,
407,
468,
35226,
7,
5647,
11,
705,
7266,
489,
1747,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2237,
13,
47,
56,
17,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2336,
13,
7266,
489,
1747,
796,
3858,
13,
17410,
6030,
7,
76,
489,
62,
26875,
13,
7266,
489,
1747,
11,
2336,
11,
11291,
9487,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2336,
13,
7266,
489,
1747,
796,
3858,
13,
17410,
6030,
7,
76,
489,
62,
26875,
13,
7266,
489,
1747,
11,
2336,
8,
628,
220,
220,
220,
7877,
82,
796,
2336,
13,
7266,
489,
1747,
7,
77,
8516,
28,
77,
8516,
11,
299,
4033,
82,
28,
77,
4033,
82,
11,
2648,
87,
28,
20077,
87,
11,
2648,
88,
28,
20077,
88,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
21229,
28,
16485,
1453,
2736,
11,
850,
29487,
62,
46265,
28,
7266,
29487,
62,
46265,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
50000,
43106,
62,
46265,
28,
2164,
2340,
43106,
62,
46265,
8,
198,
220,
220,
220,
1441,
2336,
11,
7877,
82,
628,
198,
2,
16955,
290,
24443,
257,
636,
286,
262,
2205,
8841,
422,
12972,
29487,
13,
7266,
489,
1747,
3419,
198,
7266,
489,
1747,
13,
834,
15390,
834,
15853,
458,
83,
13,
7266,
489,
1747,
13,
834,
15390,
834,
58,
489,
83,
13,
7266,
489,
1747,
13,
834,
15390,
834,
13,
19796,
10786,
48944,
6,
2599,
60,
59,
198,
220,
220,
220,
764,
33491,
10786,
489,
83,
13,
7266,
489,
1747,
3256,
705,
27110,
29487,
13,
7266,
489,
1747,
11537,
628,
198,
4299,
284,
62,
18747,
7,
5647,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
38240,
257,
2603,
29487,
8019,
3785,
7559,
5647,
15506,
656,
257,
513,
35,
299,
32152,
7177,
13,
628,
220,
220,
220,
17934,
25,
628,
220,
220,
220,
220,
220,
13163,
2336,
11,
7877,
796,
48700,
29487,
13,
7266,
489,
1747,
7,
5647,
7857,
16193,
19,
11,
604,
4008,
198,
220,
220,
220,
220,
220,
13163,
1303,
3197,
4232,
11,
304,
13,
70,
13,
7877,
13,
5239,
7,
15,
13,
20,
11,
657,
13,
20,
11,
366,
5239,
4943,
628,
220,
220,
220,
220,
220,
13163,
545,
796,
284,
62,
18747,
7,
5647,
8,
220,
220,
1303,
299,
67,
18747,
685,
25270,
11,
35419,
11,
604,
60,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
2336,
25,
317,
7559,
6759,
29487,
8019,
13,
26875,
13,
11337,
15506,
2134,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
317,
299,
32152,
7559,
358,
18747,
15506,
286,
5485,
11592,
21747,
5633,
11,
604,
8,
15506,
11,
7268,
281,
25228,
12,
32,
2939,
286,
198,
220,
220,
220,
220,
220,
262,
3785,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
1303,
10199,
257,
649,
21978,
611,
407,
7160,
198,
220,
220,
220,
611,
2336,
13,
5171,
11017,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
11291,
6090,
11017,
46384,
7,
5647,
8,
628,
220,
220,
220,
2336,
13,
5171,
11017,
13,
19334,
3419,
198,
220,
220,
220,
266,
11,
289,
796,
2336,
13,
5171,
11017,
13,
1136,
62,
10394,
62,
17015,
3419,
628,
220,
220,
220,
33705,
796,
45941,
13,
6738,
22252,
7,
5647,
13,
5171,
11017,
13,
83,
455,
1806,
62,
853,
65,
22784,
288,
4906,
28,
37659,
13,
28611,
23,
8,
198,
220,
220,
220,
33705,
796,
33705,
13,
3447,
1758,
19510,
71,
11,
266,
11,
604,
4008,
198,
220,
220,
220,
33705,
796,
33705,
58,
45299,
1058,
11,
357,
16,
11,
362,
11,
513,
11,
657,
15437,
220,
220,
1303,
1822,
65,
4613,
48670,
7012,
198,
220,
220,
220,
1441,
33705,
628,
198,
4299,
284,
62,
49736,
7,
5647,
11,
7621,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
38240,
257,
2603,
29487,
8019,
3785,
7559,
5647,
15506,
656,
257,
309,
22854,
37535,
21293,
2134,
198,
220,
220,
220,
326,
460,
307,
3264,
11672,
656,
7559,
22093,
13,
8979,
34379,
15506,
13,
628,
220,
220,
220,
17934,
25,
628,
220,
220,
220,
220,
220,
13163,
2336,
11,
7877,
796,
2644,
220,
220,
220,
1303,
357,
292,
2029,
8,
198,
220,
220,
220,
220,
220,
13163,
10638,
796,
284,
62,
49736,
7,
5647,
11,
7621,
11639,
3666,
11337,
14,
9060,
11537,
628,
220,
220,
220,
220,
220,
13163,
2099,
7,
49736,
8,
198,
220,
220,
220,
220,
220,
11192,
273,
11125,
13,
7295,
13,
30604,
13,
49736,
62,
40842,
17,
13,
22093,
198,
220,
220,
220,
220,
220,
13163,
10638,
62,
16002,
13,
2860,
62,
49736,
7,
49736,
11,
3298,
62,
9662,
28,
20541,
62,
9662,
8,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
2336,
25,
317,
7559,
6759,
29487,
8019,
13,
26875,
13,
11337,
15506,
2134,
13,
198,
220,
220,
220,
220,
220,
7621,
357,
8841,
2599,
383,
7621,
1438,
286,
262,
2727,
10638,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
317,
309,
22854,
37535,
7559,
22093,
15506,
1237,
672,
3046,
2134,
7268,
262,
7110,
2939,
198,
220,
220,
220,
220,
220,
355,
257,
2939,
10638,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
611,
407,
318,
39098,
7,
12985,
11,
2237,
13,
8841,
62,
19199,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
5994,
12331,
7203,
12985,
1276,
307,
257,
4731,
2099,
4943,
628,
220,
220,
220,
1303,
10199,
257,
649,
21978,
611,
407,
7160,
198,
220,
220,
220,
611,
2336,
13,
5171,
11017,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
11291,
6090,
11017,
46384,
7,
5647,
8,
628,
220,
220,
220,
2336,
13,
5171,
11017,
13,
19334,
3419,
198,
220,
220,
220,
266,
11,
289,
796,
2336,
13,
5171,
11017,
13,
1136,
62,
10394,
62,
17015,
3419,
628,
220,
220,
220,
1303,
651,
36182,
1366,
422,
262,
3785,
198,
220,
220,
220,
279,
782,
62,
22252,
796,
2750,
4879,
9399,
3419,
198,
220,
220,
220,
2336,
13,
5171,
11017,
13,
4798,
62,
11134,
7,
11134,
62,
22252,
8,
198,
220,
220,
220,
279,
782,
62,
12685,
9043,
796,
279,
782,
62,
22252,
13,
1136,
8367,
3419,
198,
220,
220,
220,
279,
782,
62,
22252,
13,
19836,
3419,
628,
220,
220,
220,
10638,
62,
9060,
796,
21293,
13,
5159,
7,
17015,
28,
71,
11,
9647,
28,
86,
11,
7577,
10223,
28,
19,
11,
220,
1303,
25228,
12,
32,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
30240,
62,
9060,
62,
8841,
28,
11134,
62,
12685,
9043,
8,
198,
220,
220,
220,
10638,
796,
21293,
7,
8367,
41888,
22093,
13,
11395,
7,
12985,
28,
12985,
11,
2939,
28,
49736,
62,
9060,
8,
12962,
198,
220,
220,
220,
1441,
10638,
628,
198,
834,
439,
834,
796,
357,
198,
220,
220,
220,
705,
1462,
62,
18747,
3256,
198,
220,
220,
220,
705,
1462,
62,
49736,
3256,
198,
220,
220,
220,
705,
7266,
489,
1747,
3256,
198,
8,
198
] | 2.433519 | 1,617 |
"""
Java Backend Format Strings
The following section lists format strings for the Java backend, and can/
should be updated as the text API to the Stanford Portable Library changes.
The strings are marked using keyword format syntax, which can be expanded by
keyword in Python
"""
# Platform::filelib_fileExists
# Platform::filelib_isFile
# Platform::filelib_isSymbolicLink
# Platform::filelib_isDirectory
# Platform::filelib_setCurrentDirectory
# Platform::filelib_getCurrentDirectory
# Platform::filelib_getTempDirectory
# Platform::filelib_createDirectory
# Platform::filelib_deleteFile
# Platform::filelib_getDirectoryPathSeparator
# Platform::filelib_getSearchPathSeparator
# Platform::filelib_expandPathname
# Platform::filelib_listDirectory
# Platform::filelib_fileExists
# Platform::filelib_isFile
# Platform::filelib_isSymbolicLink
# Platform::filelib_isDirectory
# Platform::filelib_setCurrentDirectory
# Platform::filelib_getCurrentDirectory
# Platform::filelib_getTempDirectory
# Platform::filelib_createDirectory
# Platform::filelib_deleteFile
# Platform::filelib_getDirectoryPathSeparator
# Platform::filelib_getSearchPathSeparator
# Platform::filelib_expandPathname
# Platform::filelib_listDirectory
# Platform::setStackSize
# Platform::os_getLastError
# Platform::regex_match
# Platform::regex_matchCount
# Platform::regex_matchCountWithLines
# Platform::regex_replace
# Transfer to functions: DONE:
# File_
# TODO: special
File_openFileDialog = 'File.openFileDialog("{title!q}", "{mode}", "{path!q}")' # TODO check if needs to be quoted
GWindow_constructor = 'GWindow.create("{id}", {width}, {height}, "{top_compound}", {visible!b})'
GWindow_delete = 'GWindow.delete("{id}")'
GWindow_close = 'GWindow.close("{id}")'
GWindow_requestFocus = 'GWindow.requestFocus("{id}")'
GWindow_setExitOnClose = 'GWindow.setExitOnClose("{id}", {value!b})'
GWindow_clear = 'GWindow.clear("{id}")'
GWindow_clearCanvas = 'GWindow.clearCanvas("{id}")'
GWindow_repaint = 'GWindow.repaint("{id}")'
GWindow_saveCanvasPixels = 'GWindow.saveCanvasPixels("{id}", {filename!q}'
GWindow_setSize = 'GWindow.setSize("{id}", {width}, {height})'
GWindow_setCanvasSize = 'GWindow.setCanvasSize("{id}", {width}, {height})'
GWindow_setCloseOperation = 'GWindow.setCloseOperation("{id}", {op}'
GWindow_minimize = 'GWindow.minimize("{id}")'
GWindow_pack = 'GWindow.pack("{id}")'
GWindow_setTitle = 'GWindow.setTitle("{id}", {title!q})'
GWindow_setLocation = 'GWindow.setLocation("{id}", {x}, {y})'
GWindow_setLocationSaved = 'GWindow.setLocationSaved("{id}", {value!b})'
GWindow_setPixel = 'GWindow.setPixel("{id}", {x}, {y}, {rgb}, {repaint!b})'
GWindow_setPixels = 'GWindow.setPixels("{id}", {base64!q})' # TODO: Special
GWindow_toBack = 'GWindow.toBack("{id}")'
GWindow_toFront = 'GWindow.toFront("{id}")'
GWindow_getScreenHeight = 'GWindow.getScreenHeight()'
GWindow_getScreenSize = 'GWindow.getScreenSize()'
GWindow_getScreenWidth = 'GWindow.getScreenWidth()'
GWindow_draw = 'GWindow.draw("{id}", "{gobj_id}")'
GWindow_drawInBackground = 'GWindow.drawInBackground("{id}", "{gobj_id}")'
GWindow_exitGraphics = 'GWindow.exitGraphics()' # TODO: special
GWindow_setRegionAlignment = 'GWindow.setRegionAlignment("{id}", "{region}", "{align}")'
GWindow_setResizable = 'GWindow.setResizable("{id}", {value!b})'
GWindow_addToRegion = 'GWindow.addToRegion("{id}", "{gobj_id}", "{region}")'
GWindow_getLocation = 'GWindow.getLocation("{id}")' # TODO special
GWindow_getPixel = 'GWindow.getPixel("{id}", {x}, {y})' # TODO special
GWindow_getPixels = 'GWindow.getPixels("{id}")' # TODO special
GWindow_getRegionSize = 'GWindow.getRegionSize("{id}", "{region}")' # TODO: special
GWindow_removeFromRegion = 'GWindow.removeFromRegion("{id}", "{gobj_id}", "{region}")'
GWindow_getSize = 'GWindow.getSize("{id}")' # TODO special
GWindow_getCanvasSize = 'GWindow.getCanvasSize("{id}")' # TODO: special
GWindow_getContentPaneSize = 'GWindow.getContentPaneSize("{id}")' # TODO: special
GWindow_setVisible = 'GWindow.setVisible("{id}", {flag!b})'
GTimer_constructor = 'GTimer.create("{id}", {millis})'
GTimer_delete = 'GTimer.deleteTimer("{id}")'
GTimer_start = 'GTimer.startTimer("{id}")'
GTimer_pause = 'GTimer.pause({millis})'
GTimer_stop = 'GTimer.stopTimer("{id}")'
HttpServer_sendResponse = 'HttpServer.sendResponse({request_id}, {http_error_code}, {contentType!q}, {responseText!q})'
HttpServer_sendResponseFile = 'HttpServer.sendResponseFile({request_id}, {content_type!q}, {response_file_path!q})'
HttpServer_start = 'HttpServer.start({port})'
HttpServer_stop = 'HttpServer.stop()'
Sound_constructor = 'Sound.create("{id}", {filename!q})'
Sound_delete = 'Sound.delete("{id}")'
Sound_play = 'Sound.play("{id}")'
# Platform::url_download
GCompound_constructor = 'GCompound.create("{id}")'
GCompound_add = 'GCompound.add("{compound_id}", "{gobj_id}")'
GObject_delete = 'GObject.delete("{id}")'
GObject_remove = 'GObject.remove("{id}")'
GObject_sendForward = 'GObject.sendForward("{id}")'
GObject_sendToFront = 'GObject.sendToFront("{id}")'
GObject_sendBackward = 'GObject.sendBackward("{id}")'
GObject_sendToBack = 'GObject.sendToBack("{id}")'
GObject_setVisible = 'GObject.setVisible("{id}", {flag!b})'
GObject_setColor = 'GObject.setColor("{id}", "{color}")'
GObject_scale = 'GObject.scale("{id}", {sx}, {sy})'
GObject_rotate = 'GObject.rotate("{id}", {theta})'
GObject_contains = 'GObject.contains("{id}", {x}, {y})' # TODO: special move into gobjects.py
GObject_getBounds = 'GObject.getBounds("{id}")' # TODO: special
GObject_setLineWidth = 'GObject.setLineWidth("{id}", {line_width})'
GObject_setLocation = 'GObject.setLocation("{id}", {x}, {y})'
GObject_setSize = 'GObject.setSize("{id}", {width}, {height})'
GObject_setAntialiasing = 'GObject.setAntialiasing({value!b})'
GObject_setFilled = 'GObject.setFilled("{id}", {flag!b})'
GObject_setFillColor = 'GObject.setFillColor("{id}", "{color}")'
GInteractor_isEnabled = 'GInteractor.isEnabled("{id}")' # TODO: special
GInteractor_setEnabled = 'GInteractor.setEnabled("{id}", {value!b})'
GInteractor_setFont = 'GInteractor.setFont("{id}", "{font!u}")'
GInteractor_setIcon = 'GInteractor.setIcon("{id}", {filename!q})'
GInteractor_setMnemonic = 'GInteractor.setMnemonic("{id}", {mnemonic})' # TODO: special
GInteractor_setText = 'GInteractor.setText("{id}", {text!u})'
GInteractor_setTextPosition = 'GInteractor.setTextPosition("{id}", {horizontal}, {vertical})'
GInteractor_setTooltip = 'GInteractor.setTooltip("{id}", {tooltip_text!q})'
GRect_constructor = 'GRect.create("{id}", {width}, {height})'
GRoundRect_constructor = 'GRoundRect.create("{id}", {width}, {height}, {corner})'
G3DRect_constructor = 'G3DRect.create("{id}", {width}, {height}, {raised!b})'
G3DRect_setRaised = 'G3DRect.setRaised("{id}", {raised!b})'
GOval_constructor = 'GOval.create("{id}", {width}, {height})'
GArc_constructor = 'GArc.create("{id}", {width}, {height}, {start}, {sweep})'
GArc_setStartAngle = 'GArc.setStartAngle("{id}", {angle})'
GArc_setSweepAngle = 'GArc.setSweepAngle("{id}", {angle})'
GArc_setFrameRectangle = 'GArc.setFrameRectangle("{id}", {x}, {y}, {width}, {height})' # TODO: special
GLine_constructor = 'GLine.create("{id}", {x1}, {y1}, {x2}, {y2})'
GLine_setStartPoint = 'GLine.setStartPoint("{id}", {x}, {y})' # TODO special
GLine_setEndPoint = 'GLine.setEndPoint("{id}", {x}, {y})'
GImage_constructor = 'GImage.create("{id}", "{filename}")' # TODO: special
GLabel_constructor = 'GLabel.create("{id}", {label!q})'
GLabel_setFont = 'GLabel.setFont("{id}", "{font}")'
GLabel_setLabel = 'GLabel.setLabel("{id}", {label!q})'
GLabel_getFontAscent = 'GLabel.getFontAscent("{id}")' # TODO: special
GLabel_getFontDescent = 'GLabel.getFontDescent("{id}")' # TODO: special
GLabel_getSize = 'GLabel.getGLabelSize("{id}")' # TODO: special
GPolygon_constructor = 'GPolygon.create("{id}")'
GPolygon_addVertex = 'GPolygon.addVertex("{id}", {x}, {y})' # TODO: special
DiffImage_compareImages = 'DiffImage.compareImages({file1!q}, {file2!q}, {outfile!q})'
DiffImage_compareWindowToImage = 'DiffImage.compareWindowToImage("{id}", {file2!q}, {ignore_winodw_size!b})'
DiffImage_show = 'DiffImage.show({file1!q}, {file2!q})'
GBufferedImage_constructor = 'GBufferedImage.create("{id}", {x}, {y}, {width}, {height}, {rgb})' # TODO special and round
GBufferedImage_fill = 'GBufferedImage.fill("{id}", {rgb})'
GBufferedImage_fillRegion = 'GBufferedImage.fillRegion("{id}", {x}, {y}, {width}, {height}, {rgb})' # TODO rounding
GBufferedImage_load = 'GBufferedImage.load("{id}", {filename!q})'
GBufferedImage_resize = 'GBufferedImage.resize("{id}", {width}, {height}, {retain!b})' # TODO: round
GBufferedImage_save = 'GBufferedImage.save("{id}", {filename!q})'
GBufferedImage_setRGB = 'GBufferedImage.setRGB("{id}", {x}, {y}, {rgb})' # TODO round
GBufferedImage_updateAllPixels = 'GBufferedImage.updateAllPixels("{id}", "{base64}")'
# SECTION: GInteractor
GInteractor_setAccelerator = 'GInteractor.setAccelerator("{id}", {accelerator!u})'
GInteractor_setActionCommand = 'GInteractor.setActionCommand("{id}", {cmd!q})'
GInteractor_setBackground = 'GInteractor.setBackground("{id}", "{color}")'
GInteractor_addActionListener = 'GInteractor.addActionListener("{id}")'
GInteractor_removeActionListener = 'GInteractor.removeActionListener("{id}")'
GInteractor_requestFocus = 'GInteractor.requestFocus("{id}")'
GInteractor_getFont = 'GInteractor.getFont("{id}")' # TODO: special
GInteractor_getMnemonic = 'GInteractor.getMnemonic("{id}")' # TODO: special
GInteractor_getSize = 'GInteractor.getSize("{id}")' # TODO: special
GButton_constructor = 'GButton.create("{id}", {label!q})' # TODO: special
GCheckBox_constructor = 'GCheckBox.create("{id}", {label!q})'
GCheckBox_isSelected = 'GCheckBox.isSelected("{id}")' # TODO: special
GCheckBox_setSelected = 'GCheckBox.setSelected("{id}", {state!b})'
GRadioButton_constructor = 'GRadioButton.create("{id}", {label!q}, {group!q})'
GRadioButton_isSelected = 'GRadioButton.isSelected("{id}")' # TODO: special
GRadioButton_setSelected = 'GRadioButton.setSelected("{id}", {state!b})'
GSlider_constructor = 'GSlider.create("{id}", {min}, {max}, {value})'
GSlider_getMajorTickSpacing = 'GSlider.getMajorTickSpacing("{id}")' # TODO: special
GSlider_getMinorTickSpacing = 'GSlider.getMinorTickSpacing("{id}")' # TODO: special
GSlider_getPaintLabels = 'GSlider.getPaintLabels("{id}")' # TODO: special
GSlider_getPaintTicks = 'GSlider.getPaintTicks("{id}")' # TODO: special
GSlider_getSnapToTicks = 'GSlider.getSnapToTicks("{id}")' # TODO: special
GSlider_getValue = 'GSlider.getValue("{id}")' # TODO: special
GSlider_setMajorTickSpacing = 'GSlider.setMajorTickSpacing("{id}", {value})'
GSlider_setMinorTickSpacing = 'GSlider.setMinorTickSpacing("{id}", {value})'
GSlider_setPaintLabels = 'GSlider.setPaintLabels("{id}", {value!b})'
GSlider_setPaintTicks = 'GSlider.setPaintTicks("{id}", {value!b})'
GSlider_setSnapToTicks = 'GSlider.setSnapToTicks("{id}", {value!b})'
GSlider_setValue = 'GSlider.setValue("{id}", {value})'
GTable_constructor = 'GTable.create("{id}", {num_rows}, {num_cols}, {x}, {y}, {width}, {height})' # TODO: special
GTable_autofitColumnWidths = 'GTable.autofitColumnWidths("{id}")'
GTable_clear = 'GTable.clear("{id}")'
GTable_clearFormatting = 'GTable.clearFormatting("{id}")'
GTable_get = 'GTable.get("{id}", {row}, {column})' # TODO: special
GTable_getColumnWidth = 'GTable.getColumnWidth("{id}", {column})' # TODO: special
GTable_getSelection = 'GTable.getSelection("{id}")' # TODO: special
GTable_resize = 'GTable.resize("{id}", {num_rows}, {num_cols})' # TODO: special
GTable_select = 'GTable.select("{id}", {row}, {column})'
GTable_set = 'GTable.set("{id}", {row}, {column}, {value!q})'
GTable_setCellAlignment = 'GTable.setCellAlignment("{id}", {row}, {column}, {align})'
GTable_setCellBackground = 'GTable.setCellBackground("{id}", {row}, {column}, {color!q})'
GTable_setCellFont = 'GTable.setCellFont("{id}", {row}, {column}, {font!q})'
GTable_setCellForeground = 'GTable.setCellForeground("{id}", {row}, {column}, {color!q}))'
GTable_setColumnAlignment = 'GTable.setColumnAlignment("{id}", {column}, {align}))'
GTable_setColumnBackground = 'GTable.setColumnBackground("{id}", {column}, {color!q})'
GTable_setColumnFont = 'GTable.setColumnFont("{id}", {column}, {font!q})'
GTable_setColumnForeground = 'GTable.setColumnForeground("{id}", {column}, {color!q})'
GTable_setColumnHeaderStyle = 'GTable.setColumnHeaderStyle("{id}", {style})'
GTable_setColumnWidth = 'GTable.setColumnWidth("{id}", {column}, {width})'
GTable_setEditable = 'GTable.setEditable("{id}", {editable!b})'
GTable_setEditorValue = 'GTable.setEditorValue("{id}", {row}, {column}, {value!q})'
GTable_setEventEnabled = 'GTable.setEventEnabled("{id}", {type}, {enabled!b})'
GTable_setFont = 'GTable.setFont("{id}", {font!q})'
GTable_setHorizontalAlignment = 'GTable.setHorizontalAlignment("{id}", {alignment!q})'
GTable_setRowAlignment = 'GTable.setRowAlignment("{id}", {row}, {align})'
GTable_setRowBackground = 'GTable.setRowBackground("{id}", {row}, {color!q})'
GTable_setRowColumnHeadersVisible = 'GTable.setRowColumnHeadersVisible("{id}", {visible!b})'
GTable_setRowFont = 'GTable.setRowFont("{id}", {row}, {font!q})'
GTable_setRowForeground = 'GTable.setRowForeground("{id}", {row}, {color!q})'
GTextArea_constructor = 'GTextArea.create("{id}", {width}, {height})'
GTextArea_getText = 'GTextArea.getText("{id}")' # TODO: special
GTextArea_setEditable = 'GTextArea.setEditable("{id}", {editable!b})'
GTextArea_setFont = 'GTextArea.setFont("{id}", {font!q})'
GTextArea_setText = 'GTextArea.setText("{id}", {text!q})'
GTextField_constructor = 'GTextField.create("{id}", {num_chars})' # TODO: special
GTextField_getText = 'GTextField.getText("{id}")' # TODO: special
GTextField_isEditable = 'GTextField.isEditable("{id}")' # TODO: special
GTextField_setEditable = 'GTextField.setEditable("{id}", {editable!b})'
GTextField_setPlaceholder = 'GTextField.setPlaceholder("{id}", {text!q})'
GTextField_setText = 'GTextField.setText("{id}", {text!q})'
GChooser_constructor = 'GChooser.create("{id}")' #TODO: special
GChooser_addItem = 'GChooser.addItem("{id}", {item!q})'
GChooser_getSelectedItem = 'GChooser.getSelectedItem("{id}")' # TODO: special
GChooser_setSelectedItem = 'GChooser.setSelectedItem("{id}", {item!q})'
# END SECTION: GInteractor
GEvent_getNextEvent = 'GEvent.getNextEvent({mask})' # TODO: special
GEvent_waitForEvent = 'GEvent.waitForEvent({mask})' # TODO: special
GFileChooser_showOpenDialog = 'GFileChooser.showOpenDialog({current_dir!q}, {file_filter!q})' # TODO: special
GFileChooser_showSaveDialog = 'GFileChooser.showSaveDialog({current_dir!q}, {file_filter!q})' # TODO: special
GOptionPane_showConfirmDialog = 'GOptionPane.showConfirmDialog({message!u}, {title!u}, {type})' # TODO: special
GOptionPane_showInputDialog = 'GOptionPane.showInputDialog({message!u}, {title!u})' # TODO: special
GOptionPane_showMessageDialog = 'GOptionPane.showMessageDialog({message!u}, {title!u}, {type})' # TODO: special
GOptionPane_showOptionDialog = 'GOptionPane.showOptionDialog({message!u}, {title!u}, {options}, {initially_selected!q})' #TODO: very special
GOptionPane_showTextFileDialog = 'GOptionPane.showTextFileDialog({message!u}, {title!u}, {rows}, {cols})' # TODO: special
Clipboard_get = 'Clipboard.get()' # TODO: special
Clipboard_set = 'Clipboard.set({text!u})'
# Platform::cpplib_setCppLibraryVersion
# Platform::cpplib_getCppLibraryVersion
SPL_getJavaBackEndVersion = 'StanfordCppLib.getJbeVersion()' # TODO: special
# JBEConsole_isBlocked = 'JBEConsole.isBlocked()'
JBEConsole_print = 'JBEConsole.print({line!q}, {stderr!b})' # TODO: special
JBEConsole_getLine = 'JBEConsole.getLine()' # TODO: special
JBEConsole_clear = 'JBEConsole.clear()'
JBEConsole_minimize = 'JBEConsole.minimize()'
JBEConsole_setFont = 'JBEConsole.setFont({font})'
JBEConsole_setSize = 'JBEConsole.setSize({width}, {height})'
JBEConsole_setTitle = 'JBEConsole.setTitle({title!q})'
JBEConsole_setLocation = 'JBEConsole.setLocation({x}, {y})'
JBEConsole_setCloseOperation = 'JBEConsole.setCloseOperation({value})'
JBEConsole_setErrorColor = 'JBEConsole.setErrorColor({color!q})'
JBEConsole_setExitProgramOnClose = 'JBEConsole.setExitProgramOnClose({value!b})'
JBEConsole_setLocationSaved = 'JBEConsole.setLocationSaved({value!b})'
JBEConsole_setOutputColor = 'JBEConsole.setOutputColor({color!q})'
JBEConsole_setVisible = 'JBEConsole.setVisible({value!b})'
JBEConsole_toFront = 'JBEConsole.toFront()'
Note_play = 'Note.play({note!u})' # TODO: special
AutograderInput_addButton = 'AutograderInput.addButton({text!u}, {input!u})' # TODO: special
AutograderInput_removeButton = 'AutograderInput.removeButton({text!u})'
AutograderInput_addCategory = 'AutograderInput.addCategory({name!u})'
AutograderInput_removeCategory = 'AutograderInput.removeCategory({name!u})'
AutograderInput_setVisible = 'AutograderInput.setVisible({visible!b})'
AutograderUnitTest_addTest = 'AutograderUnitTest.addTest({test_name!u}, {category!u}, {style_check!b})'
AutograderUnitTest_catchExceptions = 'AutograderUnitTest.catchExceptions()' # TODO: special
AutograderUnitTest_clearTests = 'AutograderUnitTest.clearTests({style_check!b})'
AutograderUnitTest_clearTestResults = 'AutograderUnitTest.clearTestResults({style_check!b})'
AutograderUnitTest_isChecked = 'AutograderUnitTest.isChecked({full_test_name!u})' # TODO special
AutograderUnitTest_setChecked = 'AutograderUnitTest.setChecked({full_test_name!u}, {checked!b})'
AutograderUnitTest_setTestCounts = 'AutograderUnitTest.setTestCounts({pass_count}, {test_count}, {style_check!b})'
AutograderUnitTest_setTestDetails = 'AutograderUnitTest.setTestDetails({test_full_name!u}, {deets!u}, {style_check!b})'
AutograderUnitTest_setTestingCompleted = 'AutograderUnitTest.setTestingCompleted({completed!b}, {style_check!b})'
AutograderUnitTest_setTestResult = 'AutograderUnitTest.setTestResult({test_full_name!u}, {result!u}, {style_check!b})'
AutograderUnitTest_setTestRuntime = 'AutograderUnitTest.setTestRuntime({test_full_name}, {runtime_ms})'
AutograderUnitTest_setVisible = 'AutograderUnitTest.setVisible({visible!b}, {style_check!b})'
AutograderUnitTest_setWindowDescriptionText = 'AutograderUnitTest.setWindowDescriptionText({text!u}, {style_check!b})'
| [
37811,
198,
29584,
5157,
437,
18980,
4285,
654,
198,
198,
464,
1708,
2665,
8341,
5794,
13042,
329,
262,
7349,
30203,
11,
290,
460,
14,
198,
21754,
307,
6153,
355,
262,
2420,
7824,
284,
262,
13863,
44685,
10074,
2458,
13,
198,
464,
13042,
389,
7498,
1262,
21179,
5794,
15582,
11,
543,
460,
307,
9902,
416,
198,
2539,
4775,
287,
11361,
198,
37811,
198,
2,
19193,
3712,
7753,
8019,
62,
7753,
3109,
1023,
198,
2,
19193,
3712,
7753,
8019,
62,
271,
8979,
198,
2,
19193,
3712,
7753,
8019,
62,
271,
13940,
2022,
4160,
11280,
198,
2,
19193,
3712,
7753,
8019,
62,
271,
43055,
198,
2,
19193,
3712,
7753,
8019,
62,
2617,
11297,
43055,
198,
2,
19193,
3712,
7753,
8019,
62,
1136,
11297,
43055,
198,
2,
19193,
3712,
7753,
8019,
62,
1136,
30782,
43055,
198,
2,
19193,
3712,
7753,
8019,
62,
17953,
43055,
198,
2,
19193,
3712,
7753,
8019,
62,
33678,
8979,
198,
2,
19193,
3712,
7753,
8019,
62,
1136,
43055,
15235,
19117,
283,
1352,
198,
2,
19193,
3712,
7753,
8019,
62,
1136,
18243,
15235,
19117,
283,
1352,
198,
2,
19193,
3712,
7753,
8019,
62,
11201,
392,
15235,
3672,
198,
2,
19193,
3712,
7753,
8019,
62,
4868,
43055,
198,
2,
19193,
3712,
7753,
8019,
62,
7753,
3109,
1023,
198,
2,
19193,
3712,
7753,
8019,
62,
271,
8979,
198,
2,
19193,
3712,
7753,
8019,
62,
271,
13940,
2022,
4160,
11280,
198,
2,
19193,
3712,
7753,
8019,
62,
271,
43055,
198,
2,
19193,
3712,
7753,
8019,
62,
2617,
11297,
43055,
198,
2,
19193,
3712,
7753,
8019,
62,
1136,
11297,
43055,
198,
2,
19193,
3712,
7753,
8019,
62,
1136,
30782,
43055,
198,
2,
19193,
3712,
7753,
8019,
62,
17953,
43055,
198,
2,
19193,
3712,
7753,
8019,
62,
33678,
8979,
198,
2,
19193,
3712,
7753,
8019,
62,
1136,
43055,
15235,
19117,
283,
1352,
198,
2,
19193,
3712,
7753,
8019,
62,
1136,
18243,
15235,
19117,
283,
1352,
198,
2,
19193,
3712,
7753,
8019,
62,
11201,
392,
15235,
3672,
198,
2,
19193,
3712,
7753,
8019,
62,
4868,
43055,
198,
198,
2,
19193,
3712,
2617,
25896,
10699,
198,
198,
2,
19193,
3712,
418,
62,
1136,
5956,
12331,
198,
198,
2,
19193,
3712,
260,
25636,
62,
15699,
198,
2,
19193,
3712,
260,
25636,
62,
15699,
12332,
198,
2,
19193,
3712,
260,
25636,
62,
15699,
12332,
3152,
43,
1127,
198,
2,
19193,
3712,
260,
25636,
62,
33491,
198,
198,
2,
20558,
284,
5499,
25,
360,
11651,
25,
198,
2,
9220,
62,
628,
198,
2,
16926,
46,
25,
2041,
198,
8979,
62,
9654,
8979,
44204,
796,
705,
8979,
13,
9654,
8979,
44204,
7203,
90,
7839,
0,
80,
92,
1600,
45144,
14171,
92,
1600,
45144,
6978,
0,
80,
92,
4943,
6,
220,
220,
1303,
16926,
46,
2198,
611,
2476,
284,
307,
10947,
198,
198,
38,
27703,
62,
41571,
273,
796,
705,
38,
27703,
13,
17953,
7203,
90,
312,
92,
1600,
1391,
10394,
5512,
1391,
17015,
5512,
45144,
4852,
62,
5589,
633,
92,
1600,
1391,
23504,
0,
65,
30072,
6,
198,
38,
27703,
62,
33678,
796,
705,
38,
27703,
13,
33678,
7203,
90,
312,
92,
4943,
6,
198,
38,
27703,
62,
19836,
796,
705,
38,
27703,
13,
19836,
7203,
90,
312,
92,
4943,
6,
198,
38,
27703,
62,
25927,
34888,
796,
705,
38,
27703,
13,
25927,
34888,
7203,
90,
312,
92,
4943,
6,
198,
38,
27703,
62,
2617,
30337,
2202,
26125,
796,
705,
38,
27703,
13,
2617,
30337,
2202,
26125,
7203,
90,
312,
92,
1600,
1391,
8367,
0,
65,
30072,
6,
198,
38,
27703,
62,
20063,
796,
705,
38,
27703,
13,
20063,
7203,
90,
312,
92,
4943,
6,
198,
38,
27703,
62,
20063,
6090,
11017,
796,
705,
38,
27703,
13,
20063,
6090,
11017,
7203,
90,
312,
92,
4943,
6,
198,
38,
27703,
62,
7856,
2913,
796,
705,
38,
27703,
13,
7856,
2913,
7203,
90,
312,
92,
4943,
6,
198,
38,
27703,
62,
21928,
6090,
11017,
47,
14810,
796,
705,
38,
27703,
13,
21928,
6090,
11017,
47,
14810,
7203,
90,
312,
92,
1600,
1391,
34345,
0,
80,
92,
6,
198,
38,
27703,
62,
2617,
10699,
796,
705,
38,
27703,
13,
2617,
10699,
7203,
90,
312,
92,
1600,
1391,
10394,
5512,
1391,
17015,
30072,
6,
198,
38,
27703,
62,
2617,
6090,
11017,
10699,
796,
705,
38,
27703,
13,
2617,
6090,
11017,
10699,
7203,
90,
312,
92,
1600,
1391,
10394,
5512,
1391,
17015,
30072,
6,
198,
38,
27703,
62,
2617,
26125,
32180,
796,
705,
38,
27703,
13,
2617,
26125,
32180,
7203,
90,
312,
92,
1600,
1391,
404,
92,
6,
198,
38,
27703,
62,
1084,
48439,
796,
705,
38,
27703,
13,
1084,
48439,
7203,
90,
312,
92,
4943,
6,
198,
38,
27703,
62,
8002,
796,
705,
38,
27703,
13,
8002,
7203,
90,
312,
92,
4943,
6,
198,
38,
27703,
62,
2617,
19160,
796,
705,
38,
27703,
13,
2617,
19160,
7203,
90,
312,
92,
1600,
1391,
7839,
0,
80,
30072,
6,
198,
38,
27703,
62,
2617,
14749,
796,
705,
38,
27703,
13,
2617,
14749,
7203,
90,
312,
92,
1600,
1391,
87,
5512,
1391,
88,
30072,
6,
198,
38,
27703,
62,
2617,
14749,
50,
9586,
796,
705,
38,
27703,
13,
2617,
14749,
50,
9586,
7203,
90,
312,
92,
1600,
1391,
8367,
0,
65,
30072,
6,
198,
38,
27703,
62,
2617,
40809,
796,
705,
38,
27703,
13,
2617,
40809,
7203,
90,
312,
92,
1600,
1391,
87,
5512,
1391,
88,
5512,
1391,
81,
22296,
5512,
1391,
7856,
2913,
0,
65,
30072,
6,
198,
38,
27703,
62,
2617,
47,
14810,
796,
705,
38,
27703,
13,
2617,
47,
14810,
7203,
90,
312,
92,
1600,
1391,
8692,
2414,
0,
80,
30072,
6,
1303,
16926,
46,
25,
6093,
198,
38,
27703,
62,
1462,
7282,
796,
705,
38,
27703,
13,
1462,
7282,
7203,
90,
312,
92,
4943,
6,
198,
38,
27703,
62,
1462,
25886,
796,
705,
38,
27703,
13,
1462,
25886,
7203,
90,
312,
92,
4943,
6,
198,
38,
27703,
62,
1136,
23901,
23106,
796,
705,
38,
27703,
13,
1136,
23901,
23106,
3419,
6,
198,
38,
27703,
62,
1136,
23901,
10699,
796,
705,
38,
27703,
13,
1136,
23901,
10699,
3419,
6,
198,
38,
27703,
62,
1136,
23901,
30916,
796,
705,
38,
27703,
13,
1136,
23901,
30916,
3419,
6,
198,
38,
27703,
62,
19334,
796,
705,
38,
27703,
13,
19334,
7203,
90,
312,
92,
1600,
45144,
70,
26801,
62,
312,
92,
4943,
6,
198,
38,
27703,
62,
19334,
818,
21756,
796,
705,
38,
27703,
13,
19334,
818,
21756,
7203,
90,
312,
92,
1600,
45144,
70,
26801,
62,
312,
92,
4943,
6,
198,
38,
27703,
62,
37023,
18172,
796,
705,
38,
27703,
13,
37023,
18172,
3419,
6,
1303,
16926,
46,
25,
2041,
198,
38,
27703,
62,
2617,
47371,
2348,
16747,
796,
705,
38,
27703,
13,
2617,
47371,
2348,
16747,
7203,
90,
312,
92,
1600,
45144,
36996,
92,
1600,
45144,
31494,
92,
4943,
6,
198,
38,
27703,
62,
2617,
4965,
13821,
796,
705,
38,
27703,
13,
2617,
4965,
13821,
7203,
90,
312,
92,
1600,
1391,
8367,
0,
65,
30072,
6,
198,
38,
27703,
62,
2860,
2514,
47371,
796,
705,
38,
27703,
13,
2860,
2514,
47371,
7203,
90,
312,
92,
1600,
45144,
70,
26801,
62,
312,
92,
1600,
45144,
36996,
92,
4943,
6,
198,
38,
27703,
62,
1136,
14749,
796,
705,
38,
27703,
13,
1136,
14749,
7203,
90,
312,
92,
4943,
6,
1303,
16926,
46,
2041,
198,
38,
27703,
62,
1136,
40809,
796,
705,
38,
27703,
13,
1136,
40809,
7203,
90,
312,
92,
1600,
1391,
87,
5512,
1391,
88,
30072,
6,
1303,
16926,
46,
2041,
198,
38,
27703,
62,
1136,
47,
14810,
796,
705,
38,
27703,
13,
1136,
47,
14810,
7203,
90,
312,
92,
4943,
6,
220,
1303,
16926,
46,
2041,
198,
38,
27703,
62,
1136,
47371,
10699,
796,
705,
38,
27703,
13,
1136,
47371,
10699,
7203,
90,
312,
92,
1600,
45144,
36996,
92,
4943,
6,
1303,
16926,
46,
25,
2041,
198,
38,
27703,
62,
28956,
4863,
47371,
796,
705,
38,
27703,
13,
28956,
4863,
47371,
7203,
90,
312,
92,
1600,
45144,
70,
26801,
62,
312,
92,
1600,
45144,
36996,
92,
4943,
6,
198,
38,
27703,
62,
1136,
10699,
796,
705,
38,
27703,
13,
1136,
10699,
7203,
90,
312,
92,
4943,
6,
1303,
16926,
46,
2041,
198,
38,
27703,
62,
1136,
6090,
11017,
10699,
796,
705,
38,
27703,
13,
1136,
6090,
11017,
10699,
7203,
90,
312,
92,
4943,
6,
220,
1303,
16926,
46,
25,
2041,
198,
38,
27703,
62,
1136,
19746,
47,
1531,
10699,
796,
705,
38,
27703,
13,
1136,
19746,
47,
1531,
10699,
7203,
90,
312,
92,
4943,
6,
1303,
16926,
46,
25,
2041,
198,
38,
27703,
62,
2617,
53,
12843,
796,
705,
38,
27703,
13,
2617,
53,
12843,
7203,
90,
312,
92,
1600,
1391,
32109,
0,
65,
30072,
6,
198,
198,
38,
48801,
62,
41571,
273,
796,
705,
38,
48801,
13,
17953,
7203,
90,
312,
92,
1600,
1391,
17805,
271,
30072,
6,
198,
38,
48801,
62,
33678,
796,
705,
38,
48801,
13,
33678,
48801,
7203,
90,
312,
92,
4943,
6,
198,
38,
48801,
62,
9688,
796,
705,
38,
48801,
13,
9688,
48801,
7203,
90,
312,
92,
4943,
6,
198,
38,
48801,
62,
32125,
796,
705,
38,
48801,
13,
32125,
15090,
17805,
271,
30072,
6,
198,
38,
48801,
62,
11338,
796,
705,
38,
48801,
13,
11338,
48801,
7203,
90,
312,
92,
4943,
6,
198,
198,
43481,
10697,
62,
21280,
31077,
796,
705,
43481,
10697,
13,
21280,
31077,
15090,
25927,
62,
312,
5512,
1391,
4023,
62,
18224,
62,
8189,
5512,
1391,
11299,
6030,
0,
80,
5512,
1391,
26209,
8206,
0,
80,
30072,
6,
198,
43481,
10697,
62,
21280,
31077,
8979,
796,
705,
43481,
10697,
13,
21280,
31077,
8979,
15090,
25927,
62,
312,
5512,
1391,
11299,
62,
4906,
0,
80,
5512,
1391,
26209,
62,
7753,
62,
6978,
0,
80,
30072,
6,
198,
43481,
10697,
62,
9688,
796,
705,
43481,
10697,
13,
9688,
15090,
634,
30072,
6,
198,
43481,
10697,
62,
11338,
796,
705,
43481,
10697,
13,
11338,
3419,
6,
198,
198,
21369,
62,
41571,
273,
796,
705,
21369,
13,
17953,
7203,
90,
312,
92,
1600,
1391,
34345,
0,
80,
30072,
6,
198,
21369,
62,
33678,
796,
705,
21369,
13,
33678,
7203,
90,
312,
92,
4943,
6,
198,
21369,
62,
1759,
796,
705,
21369,
13,
1759,
7203,
90,
312,
92,
4943,
6,
198,
198,
2,
19193,
3712,
6371,
62,
15002,
198,
198,
38,
7293,
633,
62,
41571,
273,
796,
705,
38,
7293,
633,
13,
17953,
7203,
90,
312,
92,
4943,
6,
198,
38,
7293,
633,
62,
2860,
796,
705,
38,
7293,
633,
13,
2860,
7203,
90,
5589,
633,
62,
312,
92,
1600,
45144,
70,
26801,
62,
312,
92,
4943,
6,
198,
198,
38,
10267,
62,
33678,
796,
705,
38,
10267,
13,
33678,
7203,
90,
312,
92,
4943,
6,
198,
38,
10267,
62,
28956,
796,
705,
38,
10267,
13,
28956,
7203,
90,
312,
92,
4943,
6,
198,
38,
10267,
62,
21280,
39746,
796,
705,
38,
10267,
13,
21280,
39746,
7203,
90,
312,
92,
4943,
6,
198,
38,
10267,
62,
21280,
2514,
25886,
796,
705,
38,
10267,
13,
21280,
2514,
25886,
7203,
90,
312,
92,
4943,
6,
198,
38,
10267,
62,
21280,
7282,
904,
796,
705,
38,
10267,
13,
21280,
7282,
904,
7203,
90,
312,
92,
4943,
6,
198,
38,
10267,
62,
21280,
2514,
7282,
796,
705,
38,
10267,
13,
21280,
2514,
7282,
7203,
90,
312,
92,
4943,
6,
198,
38,
10267,
62,
2617,
53,
12843,
796,
705,
38,
10267,
13,
2617,
53,
12843,
7203,
90,
312,
92,
1600,
1391,
32109,
0,
65,
30072,
6,
198,
38,
10267,
62,
2617,
10258,
796,
705,
38,
10267,
13,
2617,
10258,
7203,
90,
312,
92,
1600,
45144,
8043,
92,
4943,
6,
198,
38,
10267,
62,
9888,
796,
705,
38,
10267,
13,
9888,
7203,
90,
312,
92,
1600,
1391,
82,
87,
5512,
1391,
1837,
30072,
6,
198,
38,
10267,
62,
10599,
378,
796,
705,
38,
10267,
13,
10599,
378,
7203,
90,
312,
92,
1600,
1391,
1169,
8326,
30072,
6,
198,
38,
10267,
62,
3642,
1299,
796,
705,
38,
10267,
13,
3642,
1299,
7203,
90,
312,
92,
1600,
1391,
87,
5512,
1391,
88,
30072,
6,
220,
1303,
16926,
46,
25,
2041,
1445,
656,
48484,
752,
82,
13,
9078,
198,
38,
10267,
62,
1136,
33,
3733,
796,
705,
38,
10267,
13,
1136,
33,
3733,
7203,
90,
312,
92,
4943,
6,
1303,
16926,
46,
25,
2041,
198,
38,
10267,
62,
2617,
13949,
30916,
796,
705,
38,
10267,
13,
2617,
13949,
30916,
7203,
90,
312,
92,
1600,
1391,
1370,
62,
10394,
30072,
6,
198,
38,
10267,
62,
2617,
14749,
796,
705,
38,
10267,
13,
2617,
14749,
7203,
90,
312,
92,
1600,
1391,
87,
5512,
1391,
88,
30072,
6,
198,
38,
10267,
62,
2617,
10699,
796,
705,
38,
10267,
13,
2617,
10699,
7203,
90,
312,
92,
1600,
1391,
10394,
5512,
1391,
17015,
30072,
6,
198,
38,
10267,
62,
2617,
13217,
498,
72,
2313,
796,
705,
38,
10267,
13,
2617,
13217,
498,
72,
2313,
15090,
8367,
0,
65,
30072,
6,
198,
38,
10267,
62,
2617,
37,
2967,
796,
705,
38,
10267,
13,
2617,
37,
2967,
7203,
90,
312,
92,
1600,
1391,
32109,
0,
65,
30072,
6,
198,
38,
10267,
62,
2617,
33762,
10258,
796,
705,
38,
10267,
13,
2617,
33762,
10258,
7203,
90,
312,
92,
1600,
45144,
8043,
92,
4943,
6,
198,
198,
38,
9492,
11218,
62,
271,
20491,
796,
705,
38,
9492,
11218,
13,
271,
20491,
7203,
90,
312,
92,
4943,
6,
1303,
16926,
46,
25,
2041,
198,
38,
9492,
11218,
62,
2617,
20491,
796,
705,
38,
9492,
11218,
13,
2617,
20491,
7203,
90,
312,
92,
1600,
1391,
8367,
0,
65,
30072,
6,
198,
38,
9492,
11218,
62,
2617,
23252,
796,
705,
38,
9492,
11218,
13,
2617,
23252,
7203,
90,
312,
92,
1600,
45144,
10331,
0,
84,
92,
4943,
6,
198,
38,
9492,
11218,
62,
2617,
19578,
796,
705,
38,
9492,
11218,
13,
2617,
19578,
7203,
90,
312,
92,
1600,
1391,
34345,
0,
80,
30072,
6,
198,
38,
9492,
11218,
62,
2617,
44,
77,
50016,
796,
705,
38,
9492,
11218,
13,
2617,
44,
77,
50016,
7203,
90,
312,
92,
1600,
1391,
10295,
50016,
30072,
6,
1303,
16926,
46,
25,
2041,
198,
38,
9492,
11218,
62,
2617,
8206,
796,
705,
38,
9492,
11218,
13,
2617,
8206,
7203,
90,
312,
92,
1600,
1391,
5239,
0,
84,
30072,
6,
198,
38,
9492,
11218,
62,
2617,
8206,
26545,
796,
705,
38,
9492,
11218,
13,
2617,
8206,
26545,
7203,
90,
312,
92,
1600,
1391,
17899,
38342,
5512,
1391,
1851,
605,
30072,
6,
198,
38,
9492,
11218,
62,
2617,
25391,
22504,
796,
705,
38,
9492,
11218,
13,
2617,
25391,
22504,
7203,
90,
312,
92,
1600,
1391,
25981,
22504,
62,
5239,
0,
80,
30072,
6,
198,
198,
10761,
478,
62,
41571,
273,
796,
705,
10761,
478,
13,
17953,
7203,
90,
312,
92,
1600,
1391,
10394,
5512,
1391,
17015,
30072,
6,
198,
198,
10761,
633,
45474,
62,
41571,
273,
796,
705,
10761,
633,
45474,
13,
17953,
7203,
90,
312,
92,
1600,
1391,
10394,
5512,
1391,
17015,
5512,
1391,
10215,
1008,
30072,
6,
198,
198,
38,
18,
7707,
478,
62,
41571,
273,
796,
705,
38,
18,
7707,
478,
13,
17953,
7203,
90,
312,
92,
1600,
1391,
10394,
5512,
1391,
17015,
5512,
1391,
49309,
0,
65,
30072,
6,
198,
38,
18,
7707,
478,
62,
2617,
21762,
1417,
796,
705,
38,
18,
7707,
478,
13,
2617,
21762,
1417,
7203,
90,
312,
92,
1600,
1391,
49309,
0,
65,
30072,
6,
198,
198,
11230,
2100,
62,
41571,
273,
796,
705,
11230,
2100,
13,
17953,
7203,
90,
312,
92,
1600,
1391,
10394,
5512,
1391,
17015,
30072,
6,
198,
198,
38,
24021,
62,
41571,
273,
796,
705,
38,
24021,
13,
17953,
7203,
90,
312,
92,
1600,
1391,
10394,
5512,
1391,
17015,
5512,
1391,
9688,
5512,
1391,
46280,
538,
30072,
6,
198,
38,
24021,
62,
2617,
10434,
13450,
293,
796,
705,
38,
24021,
13,
2617,
10434,
13450,
293,
7203,
90,
312,
92,
1600,
1391,
9248,
30072,
6,
198,
38,
24021,
62,
2617,
40783,
538,
13450,
293,
796,
705,
38,
24021,
13,
2617,
40783,
538,
13450,
293,
7203,
90,
312,
92,
1600,
1391,
9248,
30072,
6,
198,
38,
24021,
62,
2617,
19778,
45474,
9248,
796,
705,
38,
24021,
13,
2617,
19778,
45474,
9248,
7203,
90,
312,
92,
1600,
1391,
87,
5512,
1391,
88,
5512,
1391,
10394,
5512,
1391,
17015,
30072,
6,
1303,
16926,
46,
25,
2041,
198,
198,
8763,
500,
62,
41571,
273,
796,
705,
8763,
500,
13,
17953,
7203,
90,
312,
92,
1600,
1391,
87,
16,
5512,
1391,
88,
16,
5512,
1391,
87,
17,
5512,
1391,
88,
17,
30072,
6,
198,
8763,
500,
62,
2617,
10434,
12727,
796,
705,
8763,
500,
13,
2617,
10434,
12727,
7203,
90,
312,
92,
1600,
1391,
87,
5512,
1391,
88,
30072,
6,
1303,
16926,
46,
2041,
198,
8763,
500,
62,
2617,
12915,
12727,
796,
705,
8763,
500,
13,
2617,
12915,
12727,
7203,
90,
312,
92,
1600,
1391,
87,
5512,
1391,
88,
30072,
6,
198,
198,
38,
5159,
62,
41571,
273,
796,
705,
38,
5159,
13,
17953,
7203,
90,
312,
92,
1600,
45144,
34345,
92,
4943,
6,
1303,
16926,
46,
25,
2041,
198,
198,
8763,
9608,
62,
41571,
273,
796,
705,
8763,
9608,
13,
17953,
7203,
90,
312,
92,
1600,
1391,
18242,
0,
80,
30072,
6,
198,
8763,
9608,
62,
2617,
23252,
796,
705,
8763,
9608,
13,
2617,
23252,
7203,
90,
312,
92,
1600,
45144,
10331,
92,
4943,
6,
198,
8763,
9608,
62,
2617,
33986,
796,
705,
8763,
9608,
13,
2617,
33986,
7203,
90,
312,
92,
1600,
1391,
18242,
0,
80,
30072,
6,
198,
8763,
9608,
62,
1136,
23252,
1722,
1087,
796,
705,
8763,
9608,
13,
1136,
23252,
1722,
1087,
7203,
90,
312,
92,
4943,
6,
1303,
16926,
46,
25,
2041,
198,
8763,
9608,
62,
1136,
23252,
5960,
1087,
796,
705,
8763,
9608,
13,
1136,
23252,
5960,
1087,
7203,
90,
312,
92,
4943,
6,
220,
1303,
16926,
46,
25,
2041,
198,
8763,
9608,
62,
1136,
10699,
796,
705,
8763,
9608,
13,
1136,
8763,
9608,
10699,
7203,
90,
312,
92,
4943,
6,
220,
1303,
16926,
46,
25,
2041,
198,
198,
16960,
3366,
14520,
62,
41571,
273,
796,
705,
16960,
3366,
14520,
13,
17953,
7203,
90,
312,
92,
4943,
6,
198,
16960,
3366,
14520,
62,
2860,
13414,
16886,
796,
705,
16960,
3366,
14520,
13,
2860,
13414,
16886,
7203,
90,
312,
92,
1600,
1391,
87,
5512,
1391,
88,
30072,
6,
220,
1303,
16926,
46,
25,
2041,
198,
198,
28813,
5159,
62,
5589,
533,
29398,
796,
705,
28813,
5159,
13,
5589,
533,
29398,
15090,
7753,
16,
0,
80,
5512,
1391,
7753,
17,
0,
80,
5512,
1391,
448,
7753,
0,
80,
30072,
6,
198,
28813,
5159,
62,
5589,
533,
27703,
2514,
5159,
796,
705,
28813,
5159,
13,
5589,
533,
27703,
2514,
5159,
7203,
90,
312,
92,
1600,
1391,
7753,
17,
0,
80,
5512,
1391,
46430,
62,
5404,
375,
86,
62,
7857,
0,
65,
30072,
6,
198,
28813,
5159,
62,
12860,
796,
705,
28813,
5159,
13,
12860,
15090,
7753,
16,
0,
80,
5512,
1391,
7753,
17,
0,
80,
30072,
6,
198,
198,
4579,
1648,
1068,
5159,
62,
41571,
273,
796,
705,
4579,
1648,
1068,
5159,
13,
17953,
7203,
90,
312,
92,
1600,
1391,
87,
5512,
1391,
88,
5512,
1391,
10394,
5512,
1391,
17015,
5512,
1391,
81,
22296,
30072,
6,
1303,
16926,
46,
2041,
290,
2835,
198,
4579,
1648,
1068,
5159,
62,
20797,
796,
705,
4579,
1648,
1068,
5159,
13,
20797,
7203,
90,
312,
92,
1600,
1391,
81,
22296,
30072,
6,
198,
4579,
1648,
1068,
5159,
62,
20797,
47371,
796,
705,
4579,
1648,
1068,
5159,
13,
20797,
47371,
7203,
90,
312,
92,
1600,
1391,
87,
5512,
1391,
88,
5512,
1391,
10394,
5512,
1391,
17015,
5512,
1391,
81,
22296,
30072,
6,
220,
1303,
16926,
46,
38185,
198,
4579,
1648,
1068,
5159,
62,
2220,
796,
705,
4579,
1648,
1068,
5159,
13,
2220,
7203,
90,
312,
92,
1600,
1391,
34345,
0,
80,
30072,
6,
198,
4579,
1648,
1068,
5159,
62,
411,
1096,
796,
705,
4579,
1648,
1068,
5159,
13,
411,
1096,
7203,
90,
312,
92,
1600,
1391,
10394,
5512,
1391,
17015,
5512,
1391,
1186,
391,
0,
65,
30072,
6,
220,
1303,
16926,
46,
25,
2835,
198,
4579,
1648,
1068,
5159,
62,
21928,
796,
705,
4579,
1648,
1068,
5159,
13,
21928,
7203,
90,
312,
92,
1600,
1391,
34345,
0,
80,
30072,
6,
198,
4579,
1648,
1068,
5159,
62,
2617,
36982,
796,
705,
4579,
1648,
1068,
5159,
13,
2617,
36982,
7203,
90,
312,
92,
1600,
1391,
87,
5512,
1391,
88,
5512,
1391,
81,
22296,
30072,
6,
1303,
16926,
46,
2835,
198,
4579,
1648,
1068,
5159,
62,
19119,
3237,
47,
14810,
796,
705,
4579,
1648,
1068,
5159,
13,
19119,
3237,
47,
14810,
7203,
90,
312,
92,
1600,
45144,
8692,
2414,
92,
4943,
6,
198,
198,
2,
44513,
25,
402,
9492,
11218,
198,
198,
38,
9492,
11218,
62,
2617,
12832,
7015,
1352,
796,
705,
38,
9492,
11218,
13,
2617,
12832,
7015,
1352,
7203,
90,
312,
92,
1600,
1391,
330,
7015,
1352,
0,
84,
30072,
6,
198,
38,
9492,
11218,
62,
2617,
12502,
21575,
796,
705,
38,
9492,
11218,
13,
2617,
12502,
21575,
7203,
90,
312,
92,
1600,
1391,
28758,
0,
80,
30072,
6,
198,
38,
9492,
11218,
62,
2617,
21756,
796,
705,
38,
9492,
11218,
13,
2617,
21756,
7203,
90,
312,
92,
1600,
45144,
8043,
92,
4943,
6,
198,
38,
9492,
11218,
62,
2860,
12502,
33252,
796,
705,
38,
9492,
11218,
13,
2860,
12502,
33252,
7203,
90,
312,
92,
4943,
6,
198,
38,
9492,
11218,
62,
28956,
12502,
33252,
796,
705,
38,
9492,
11218,
13,
28956,
12502,
33252,
7203,
90,
312,
92,
4943,
6,
198,
38,
9492,
11218,
62,
25927,
34888,
796,
705,
38,
9492,
11218,
13,
25927,
34888,
7203,
90,
312,
92,
4943,
6,
198,
38,
9492,
11218,
62,
1136,
23252,
796,
705,
38,
9492,
11218,
13,
1136,
23252,
7203,
90,
312,
92,
4943,
6,
220,
1303,
16926,
46,
25,
2041,
198,
38,
9492,
11218,
62,
1136,
44,
77,
50016,
796,
705,
38,
9492,
11218,
13,
1136,
44,
77,
50016,
7203,
90,
312,
92,
4943,
6,
1303,
16926,
46,
25,
2041,
198,
38,
9492,
11218,
62,
1136,
10699,
796,
705,
38,
9492,
11218,
13,
1136,
10699,
7203,
90,
312,
92,
4943,
6,
220,
1303,
16926,
46,
25,
2041,
198,
198,
38,
21864,
62,
41571,
273,
796,
705,
38,
21864,
13,
17953,
7203,
90,
312,
92,
1600,
1391,
18242,
0,
80,
30072,
6,
220,
1303,
16926,
46,
25,
2041,
198,
198,
38,
9787,
14253,
62,
41571,
273,
796,
705,
38,
9787,
14253,
13,
17953,
7203,
90,
312,
92,
1600,
1391,
18242,
0,
80,
30072,
6,
198,
38,
9787,
14253,
62,
271,
4653,
12609,
796,
705,
38,
9787,
14253,
13,
271,
4653,
12609,
7203,
90,
312,
92,
4943,
6,
220,
1303,
16926,
46,
25,
2041,
198,
38,
9787,
14253,
62,
2617,
4653,
12609,
796,
705,
38,
9787,
14253,
13,
2617,
4653,
12609,
7203,
90,
312,
92,
1600,
1391,
5219,
0,
65,
30072,
6,
198,
198,
10761,
324,
952,
21864,
62,
41571,
273,
796,
705,
10761,
324,
952,
21864,
13,
17953,
7203,
90,
312,
92,
1600,
1391,
18242,
0,
80,
5512,
1391,
8094,
0,
80,
30072,
6,
198,
10761,
324,
952,
21864,
62,
271,
4653,
12609,
796,
705,
10761,
324,
952,
21864,
13,
271,
4653,
12609,
7203,
90,
312,
92,
4943,
6,
220,
1303,
16926,
46,
25,
2041,
198,
10761,
324,
952,
21864,
62,
2617,
4653,
12609,
796,
705,
10761,
324,
952,
21864,
13,
2617,
4653,
12609,
7203,
90,
312,
92,
1600,
1391,
5219,
0,
65,
30072,
6,
198,
198,
38,
11122,
1304,
62,
41571,
273,
796,
705,
38,
11122,
1304,
13,
17953,
7203,
90,
312,
92,
1600,
1391,
1084,
5512,
1391,
9806,
5512,
1391,
8367,
30072,
6,
198,
38,
11122,
1304,
62,
1136,
24206,
51,
624,
4561,
4092,
796,
705,
38,
11122,
1304,
13,
1136,
24206,
51,
624,
4561,
4092,
7203,
90,
312,
92,
4943,
6,
220,
1303,
16926,
46,
25,
2041,
198,
38,
11122,
1304,
62,
1136,
39825,
51,
624,
4561,
4092,
796,
705,
38,
11122,
1304,
13,
1136,
39825,
51,
624,
4561,
4092,
7203,
90,
312,
92,
4943,
6,
220,
1303,
16926,
46,
25,
2041,
198,
38,
11122,
1304,
62,
1136,
47,
2913,
17822,
1424,
796,
705,
38,
11122,
1304,
13,
1136,
47,
2913,
17822,
1424,
7203,
90,
312,
92,
4943,
6,
220,
1303,
16926,
46,
25,
2041,
198,
38,
11122,
1304,
62,
1136,
47,
2913,
51,
3378,
796,
705,
38,
11122,
1304,
13,
1136,
47,
2913,
51,
3378,
7203,
90,
312,
92,
4943,
6,
220,
1303,
16926,
46,
25,
2041,
198,
38,
11122,
1304,
62,
1136,
43826,
2514,
51,
3378,
796,
705,
38,
11122,
1304,
13,
1136,
43826,
2514,
51,
3378,
7203,
90,
312,
92,
4943,
6,
220,
1303,
16926,
46,
25,
2041,
198,
38,
11122,
1304,
62,
1136,
11395,
796,
705,
38,
11122,
1304,
13,
1136,
11395,
7203,
90,
312,
92,
4943,
6,
220,
1303,
16926,
46,
25,
2041,
198,
38,
11122,
1304,
62,
2617,
24206,
51,
624,
4561,
4092,
796,
705,
38,
11122,
1304,
13,
2617,
24206,
51,
624,
4561,
4092,
7203,
90,
312,
92,
1600,
1391,
8367,
30072,
6,
198,
38,
11122,
1304,
62,
2617,
39825,
51,
624,
4561,
4092,
796,
705,
38,
11122,
1304,
13,
2617,
39825,
51,
624,
4561,
4092,
7203,
90,
312,
92,
1600,
1391,
8367,
30072,
6,
198,
38,
11122,
1304,
62,
2617,
47,
2913,
17822,
1424,
796,
705,
38,
11122,
1304,
13,
2617,
47,
2913,
17822,
1424,
7203,
90,
312,
92,
1600,
1391,
8367,
0,
65,
30072,
6,
198,
38,
11122,
1304,
62,
2617,
47,
2913,
51,
3378,
796,
705,
38,
11122,
1304,
13,
2617,
47,
2913,
51,
3378,
7203,
90,
312,
92,
1600,
1391,
8367,
0,
65,
30072,
6,
198,
38,
11122,
1304,
62,
2617,
43826,
2514,
51,
3378,
796,
705,
38,
11122,
1304,
13,
2617,
43826,
2514,
51,
3378,
7203,
90,
312,
92,
1600,
1391,
8367,
0,
65,
30072,
6,
198,
38,
11122,
1304,
62,
2617,
11395,
796,
705,
38,
11122,
1304,
13,
2617,
11395,
7203,
90,
312,
92,
1600,
1391,
8367,
30072,
6,
198,
198,
38,
10962,
62,
41571,
273,
796,
705,
38,
10962,
13,
17953,
7203,
90,
312,
92,
1600,
1391,
22510,
62,
8516,
5512,
1391,
22510,
62,
4033,
82,
5512,
1391,
87,
5512,
1391,
88,
5512,
1391,
10394,
5512,
1391,
17015,
30072,
6,
220,
1303,
16926,
46,
25,
2041,
198,
38,
10962,
62,
2306,
1659,
270,
39470,
30916,
82,
796,
705,
38,
10962,
13,
2306,
1659,
270,
39470,
30916,
82,
7203,
90,
312,
92,
4943,
6,
198,
38,
10962,
62,
20063,
796,
705,
38,
10962,
13,
20063,
7203,
90,
312,
92,
4943,
6,
198,
38,
10962,
62,
20063,
26227,
889,
796,
705,
38,
10962,
13,
20063,
26227,
889,
7203,
90,
312,
92,
4943,
6,
198,
38,
10962,
62,
1136,
796,
705,
38,
10962,
13,
1136,
7203,
90,
312,
92,
1600,
1391,
808,
5512,
1391,
28665,
30072,
6,
220,
1303,
16926,
46,
25,
2041,
198,
38,
10962,
62,
1136,
39470,
30916,
796,
705,
38,
10962,
13,
1136,
39470,
30916,
7203,
90,
312,
92,
1600,
1391,
28665,
30072,
6,
220,
1303,
16926,
46,
25,
2041,
198,
38,
10962,
62,
1136,
4653,
1564,
796,
705,
38,
10962,
13,
1136,
4653,
1564,
7203,
90,
312,
92,
4943,
6,
220,
1303,
16926,
46,
25,
2041,
198,
38,
10962,
62,
411,
1096,
796,
705,
38,
10962,
13,
411,
1096,
7203,
90,
312,
92,
1600,
1391,
22510,
62,
8516,
5512,
1391,
22510,
62,
4033,
82,
30072,
6,
220,
1303,
16926,
46,
25,
2041,
198,
38,
10962,
62,
19738,
796,
705,
38,
10962,
13,
19738,
7203,
90,
312,
92,
1600,
1391,
808,
5512,
1391,
28665,
30072,
6,
198,
38,
10962,
62,
2617,
796,
705,
38,
10962,
13,
2617,
7203,
90,
312,
92,
1600,
1391,
808,
5512,
1391,
28665,
5512,
1391,
8367,
0,
80,
30072,
6,
198,
38,
10962,
62,
2617,
28780,
2348,
16747,
796,
705,
38,
10962,
13,
2617,
28780,
2348,
16747,
7203,
90,
312,
92,
1600,
1391,
808,
5512,
1391,
28665,
5512,
1391,
31494,
30072,
6,
198,
38,
10962,
62,
2617,
28780,
21756,
796,
705,
38,
10962,
13,
2617,
28780,
21756,
7203,
90,
312,
92,
1600,
1391,
808,
5512,
1391,
28665,
5512,
1391,
8043,
0,
80,
30072,
6,
198,
38,
10962,
62,
2617,
28780,
23252,
796,
705,
38,
10962,
13,
2617,
28780,
23252,
7203,
90,
312,
92,
1600,
1391,
808,
5512,
1391,
28665,
5512,
1391,
10331,
0,
80,
30072,
6,
198,
38,
10962,
62,
2617,
28780,
16351,
2833,
796,
705,
38,
10962,
13,
2617,
28780,
16351,
2833,
7203,
90,
312,
92,
1600,
1391,
808,
5512,
1391,
28665,
5512,
1391,
8043,
0,
80,
92,
4008,
6,
198,
38,
10962,
62,
2617,
39470,
2348,
16747,
796,
705,
38,
10962,
13,
2617,
39470,
2348,
16747,
7203,
90,
312,
92,
1600,
1391,
28665,
5512,
1391,
31494,
92,
4008,
6,
198,
38,
10962,
62,
2617,
39470,
21756,
796,
705,
38,
10962,
13,
2617,
39470,
21756,
7203,
90,
312,
92,
1600,
1391,
28665,
5512,
1391,
8043,
0,
80,
30072,
6,
198,
38,
10962,
62,
2617,
39470,
23252,
796,
705,
38,
10962,
13,
2617,
39470,
23252,
7203,
90,
312,
92,
1600,
1391,
28665,
5512,
1391,
10331,
0,
80,
30072,
6,
198,
38,
10962,
62,
2617,
39470,
16351,
2833,
796,
705,
38,
10962,
13,
2617,
39470,
16351,
2833,
7203,
90,
312,
92,
1600,
1391,
28665,
5512,
1391,
8043,
0,
80,
30072,
6,
198,
38,
10962,
62,
2617,
39470,
39681,
21466,
796,
705,
38,
10962,
13,
2617,
39470,
39681,
21466,
7203,
90,
312,
92,
1600,
1391,
7635,
30072,
6,
198,
38,
10962,
62,
2617,
39470,
30916,
796,
705,
38,
10962,
13,
2617,
39470,
30916,
7203,
90,
312,
92,
1600,
1391,
28665,
5512,
1391,
10394,
30072,
6,
198,
38,
10962,
62,
2617,
7407,
4674,
796,
705,
38,
10962,
13,
2617,
7407,
4674,
7203,
90,
312,
92,
1600,
1391,
276,
4674,
0,
65,
30072,
6,
198,
38,
10962,
62,
2617,
17171,
11395,
796,
705,
38,
10962,
13,
2617,
17171,
11395,
7203,
90,
312,
92,
1600,
1391,
808,
5512,
1391,
28665,
5512,
1391,
8367,
0,
80,
30072,
6,
198,
38,
10962,
62,
2617,
9237,
20491,
796,
705,
38,
10962,
13,
2617,
9237,
20491,
7203,
90,
312,
92,
1600,
1391,
4906,
5512,
1391,
25616,
0,
65,
30072,
6,
198,
38,
10962,
62,
2617,
23252,
796,
705,
38,
10962,
13,
2617,
23252,
7203,
90,
312,
92,
1600,
1391,
10331,
0,
80,
30072,
6,
198,
38,
10962,
62,
2617,
27991,
38342,
2348,
16747,
796,
705,
38,
10962,
13,
2617,
27991,
38342,
2348,
16747,
7203,
90,
312,
92,
1600,
1391,
282,
16747,
0,
80,
30072,
6,
198,
38,
10962,
62,
2617,
25166,
2348,
16747,
796,
705,
38,
10962,
13,
2617,
25166,
2348,
16747,
7203,
90,
312,
92,
1600,
1391,
808,
5512,
1391,
31494,
30072,
6,
198,
38,
10962,
62,
2617,
25166,
21756,
796,
705,
38,
10962,
13,
2617,
25166,
21756,
7203,
90,
312,
92,
1600,
1391,
808,
5512,
1391,
8043,
0,
80,
30072,
6,
198,
38,
10962,
62,
2617,
25166,
39470,
13847,
364,
53,
12843,
796,
705,
38,
10962,
13,
2617,
25166,
39470,
13847,
364,
53,
12843,
7203,
90,
312,
92,
1600,
1391,
23504,
0,
65,
30072,
6,
198,
38,
10962,
62,
2617,
25166,
23252,
796,
705,
38,
10962,
13,
2617,
25166,
23252,
7203,
90,
312,
92,
1600,
1391,
808,
5512,
1391,
10331,
0,
80,
30072,
6,
198,
38,
10962,
62,
2617,
25166,
16351,
2833,
796,
705,
38,
10962,
13,
2617,
25166,
16351,
2833,
7203,
90,
312,
92,
1600,
1391,
808,
5512,
1391,
8043,
0,
80,
30072,
6,
198,
198,
38,
8206,
30547,
62,
41571,
273,
796,
705,
38,
8206,
30547,
13,
17953,
7203,
90,
312,
92,
1600,
1391,
10394,
5512,
1391,
17015,
30072,
6,
198,
38,
8206,
30547,
62,
1136,
8206,
796,
705,
38,
8206,
30547,
13,
1136,
8206,
7203,
90,
312,
92,
4943,
6,
220,
1303,
16926,
46,
25,
2041,
198,
38,
8206,
30547,
62,
2617,
7407,
4674,
796,
705,
38,
8206,
30547,
13,
2617,
7407,
4674,
7203,
90,
312,
92,
1600,
1391,
276,
4674,
0,
65,
30072,
6,
198,
38,
8206,
30547,
62,
2617,
23252,
796,
705,
38,
8206,
30547,
13,
2617,
23252,
7203,
90,
312,
92,
1600,
1391,
10331,
0,
80,
30072,
6,
198,
38,
8206,
30547,
62,
2617,
8206,
796,
705,
38,
8206,
30547,
13,
2617,
8206,
7203,
90,
312,
92,
1600,
1391,
5239,
0,
80,
30072,
6,
198,
198,
38,
8206,
15878,
62,
41571,
273,
796,
705,
38,
8206,
15878,
13,
17953,
7203,
90,
312,
92,
1600,
1391,
22510,
62,
354,
945,
30072,
6,
220,
1303,
16926,
46,
25,
2041,
198,
38,
8206,
15878,
62,
1136,
8206,
796,
705,
38,
8206,
15878,
13,
1136,
8206,
7203,
90,
312,
92,
4943,
6,
220,
1303,
16926,
46,
25,
2041,
198,
38,
8206,
15878,
62,
271,
7407,
4674,
796,
705,
38,
8206,
15878,
13,
271,
7407,
4674,
7203,
90,
312,
92,
4943,
6,
220,
1303,
16926,
46,
25,
2041,
198,
38,
8206,
15878,
62,
2617,
7407,
4674,
796,
705,
38,
8206,
15878,
13,
2617,
7407,
4674,
7203,
90,
312,
92,
1600,
1391,
276,
4674,
0,
65,
30072,
6,
198,
38,
8206,
15878,
62,
2617,
27271,
13829,
796,
705,
38,
8206,
15878,
13,
2617,
27271,
13829,
7203,
90,
312,
92,
1600,
1391,
5239,
0,
80,
30072,
6,
198,
38,
8206,
15878,
62,
2617,
8206,
796,
705,
38,
8206,
15878,
13,
2617,
8206,
7203,
90,
312,
92,
1600,
1391,
5239,
0,
80,
30072,
6,
198,
198,
38,
22164,
13416,
62,
41571,
273,
796,
705,
38,
22164,
13416,
13,
17953,
7203,
90,
312,
92,
4943,
6,
220,
1303,
51,
3727,
46,
25,
2041,
198,
38,
22164,
13416,
62,
2860,
7449,
796,
705,
38,
22164,
13416,
13,
2860,
7449,
7203,
90,
312,
92,
1600,
1391,
9186,
0,
80,
30072,
6,
198,
38,
22164,
13416,
62,
1136,
4653,
12609,
7449,
796,
705,
38,
22164,
13416,
13,
1136,
4653,
12609,
7449,
7203,
90,
312,
92,
4943,
6,
1303,
16926,
46,
25,
2041,
198,
38,
22164,
13416,
62,
2617,
4653,
12609,
7449,
796,
705,
38,
22164,
13416,
13,
2617,
4653,
12609,
7449,
7203,
90,
312,
92,
1600,
1391,
9186,
0,
80,
30072,
6,
198,
198,
2,
23578,
44513,
25,
402,
9492,
11218,
198,
198,
8264,
1151,
62,
1136,
10019,
9237,
796,
705,
8264,
1151,
13,
1136,
10019,
9237,
15090,
27932,
30072,
6,
1303,
16926,
46,
25,
2041,
198,
8264,
1151,
62,
17077,
1890,
9237,
796,
705,
8264,
1151,
13,
17077,
1890,
9237,
15090,
27932,
30072,
6,
1303,
16926,
46,
25,
2041,
198,
198,
38,
8979,
22164,
13416,
62,
12860,
11505,
44204,
796,
705,
38,
8979,
22164,
13416,
13,
12860,
11505,
44204,
15090,
14421,
62,
15908,
0,
80,
5512,
1391,
7753,
62,
24455,
0,
80,
30072,
6,
220,
1303,
16926,
46,
25,
2041,
198,
38,
8979,
22164,
13416,
62,
12860,
16928,
44204,
796,
705,
38,
8979,
22164,
13416,
13,
12860,
16928,
44204,
15090,
14421,
62,
15908,
0,
80,
5512,
1391,
7753,
62,
24455,
0,
80,
30072,
6,
1303,
16926,
46,
25,
2041,
198,
198,
11230,
1159,
47,
1531,
62,
12860,
18546,
2533,
44204,
796,
705,
11230,
1159,
47,
1531,
13,
12860,
18546,
2533,
44204,
15090,
20500,
0,
84,
5512,
1391,
7839,
0,
84,
5512,
1391,
4906,
30072,
6,
1303,
16926,
46,
25,
2041,
198,
11230,
1159,
47,
1531,
62,
12860,
20560,
44204,
796,
705,
11230,
1159,
47,
1531,
13,
12860,
20560,
44204,
15090,
20500,
0,
84,
5512,
1391,
7839,
0,
84,
30072,
6,
220,
1303,
16926,
46,
25,
2041,
198,
11230,
1159,
47,
1531,
62,
12860,
12837,
44204,
796,
705,
11230,
1159,
47,
1531,
13,
12860,
12837,
44204,
15090,
20500,
0,
84,
5512,
1391,
7839,
0,
84,
5512,
1391,
4906,
30072,
6,
220,
1303,
16926,
46,
25,
2041,
198,
11230,
1159,
47,
1531,
62,
12860,
19722,
44204,
796,
705,
11230,
1159,
47,
1531,
13,
12860,
19722,
44204,
15090,
20500,
0,
84,
5512,
1391,
7839,
0,
84,
5512,
1391,
25811,
5512,
1391,
15003,
1927,
62,
34213,
0,
80,
30072,
6,
220,
1303,
51,
3727,
46,
25,
845,
2041,
198,
11230,
1159,
47,
1531,
62,
12860,
8206,
8979,
44204,
796,
705,
11230,
1159,
47,
1531,
13,
12860,
8206,
8979,
44204,
15090,
20500,
0,
84,
5512,
1391,
7839,
0,
84,
5512,
1391,
8516,
5512,
1391,
4033,
82,
30072,
6,
1303,
16926,
46,
25,
2041,
198,
198,
2601,
541,
3526,
62,
1136,
796,
705,
2601,
541,
3526,
13,
1136,
3419,
6,
220,
1303,
16926,
46,
25,
2041,
198,
2601,
541,
3526,
62,
2617,
796,
705,
2601,
541,
3526,
13,
2617,
15090,
5239,
0,
84,
30072,
6,
198,
198,
2,
19193,
3712,
20322,
8019,
62,
2617,
34,
381,
23377,
14815,
198,
2,
19193,
3712,
20322,
8019,
62,
1136,
34,
381,
23377,
14815,
198,
4303,
43,
62,
1136,
29584,
7282,
12915,
14815,
796,
705,
32140,
3841,
34,
381,
25835,
13,
1136,
41,
1350,
14815,
3419,
6,
1303,
16926,
46,
25,
2041,
198,
198,
2,
449,
33,
2943,
261,
6753,
62,
271,
3629,
3543,
796,
705,
47858,
2943,
261,
6753,
13,
271,
3629,
3543,
3419,
6,
198,
47858,
2943,
261,
6753,
62,
4798,
796,
705,
47858,
2943,
261,
6753,
13,
4798,
15090,
1370,
0,
80,
5512,
1391,
301,
1082,
81,
0,
65,
30072,
6,
220,
1303,
16926,
46,
25,
2041,
198,
47858,
2943,
261,
6753,
62,
1136,
13949,
796,
705,
47858,
2943,
261,
6753,
13,
1136,
13949,
3419,
6,
220,
1303,
16926,
46,
25,
2041,
198,
47858,
2943,
261,
6753,
62,
20063,
796,
705,
47858,
2943,
261,
6753,
13,
20063,
3419,
6,
198,
47858,
2943,
261,
6753,
62,
1084,
48439,
796,
705,
47858,
2943,
261,
6753,
13,
1084,
48439,
3419,
6,
198,
47858,
2943,
261,
6753,
62,
2617,
23252,
796,
705,
47858,
2943,
261,
6753,
13,
2617,
23252,
15090,
10331,
30072,
6,
198,
47858,
2943,
261,
6753,
62,
2617,
10699,
796,
705,
47858,
2943,
261,
6753,
13,
2617,
10699,
15090,
10394,
5512,
1391,
17015,
30072,
6,
198,
47858,
2943,
261,
6753,
62,
2617,
19160,
796,
705,
47858,
2943,
261,
6753,
13,
2617,
19160,
15090,
7839,
0,
80,
30072,
6,
198,
47858,
2943,
261,
6753,
62,
2617,
14749,
796,
705,
47858,
2943,
261,
6753,
13,
2617,
14749,
15090,
87,
5512,
1391,
88,
30072,
6,
198,
47858,
2943,
261,
6753,
62,
2617,
26125,
32180,
796,
705,
47858,
2943,
261,
6753,
13,
2617,
26125,
32180,
15090,
8367,
30072,
6,
198,
47858,
2943,
261,
6753,
62,
2617,
12331,
10258,
796,
705,
47858,
2943,
261,
6753,
13,
2617,
12331,
10258,
15090,
8043,
0,
80,
30072,
6,
198,
47858,
2943,
261,
6753,
62,
2617,
30337,
15167,
2202,
26125,
796,
705,
47858,
2943,
261,
6753,
13,
2617,
30337,
15167,
2202,
26125,
15090,
8367,
0,
65,
30072,
6,
198,
47858,
2943,
261,
6753,
62,
2617,
14749,
50,
9586,
796,
705,
47858,
2943,
261,
6753,
13,
2617,
14749,
50,
9586,
15090,
8367,
0,
65,
30072,
6,
198,
47858,
2943,
261,
6753,
62,
2617,
26410,
10258,
796,
705,
47858,
2943,
261,
6753,
13,
2617,
26410,
10258,
15090,
8043,
0,
80,
30072,
6,
198,
47858,
2943,
261,
6753,
62,
2617,
53,
12843,
796,
705,
47858,
2943,
261,
6753,
13,
2617,
53,
12843,
15090,
8367,
0,
65,
30072,
6,
198,
47858,
2943,
261,
6753,
62,
1462,
25886,
796,
705,
47858,
2943,
261,
6753,
13,
1462,
25886,
3419,
6,
198,
198,
6425,
62,
1759,
796,
705,
6425,
13,
1759,
15090,
11295,
0,
84,
30072,
6,
220,
1303,
16926,
46,
25,
2041,
198,
198,
16541,
519,
81,
5067,
20560,
62,
2860,
21864,
796,
705,
16541,
519,
81,
5067,
20560,
13,
2860,
21864,
15090,
5239,
0,
84,
5512,
1391,
15414,
0,
84,
30072,
6,
220,
1303,
16926,
46,
25,
2041,
198,
16541,
519,
81,
5067,
20560,
62,
28956,
21864,
796,
705,
16541,
519,
81,
5067,
20560,
13,
28956,
21864,
15090,
5239,
0,
84,
30072,
6,
198,
16541,
519,
81,
5067,
20560,
62,
2860,
27313,
796,
705,
16541,
519,
81,
5067,
20560,
13,
2860,
27313,
15090,
3672,
0,
84,
30072,
6,
198,
16541,
519,
81,
5067,
20560,
62,
28956,
27313,
796,
705,
16541,
519,
81,
5067,
20560,
13,
28956,
27313,
15090,
3672,
0,
84,
30072,
6,
198,
16541,
519,
81,
5067,
20560,
62,
2617,
53,
12843,
796,
705,
16541,
519,
81,
5067,
20560,
13,
2617,
53,
12843,
15090,
23504,
0,
65,
30072,
6,
198,
16541,
519,
81,
5067,
26453,
14402,
62,
2860,
14402,
796,
705,
16541,
519,
81,
5067,
26453,
14402,
13,
2860,
14402,
15090,
9288,
62,
3672,
0,
84,
5512,
1391,
22872,
0,
84,
5512,
1391,
7635,
62,
9122,
0,
65,
30072,
6,
198,
16541,
519,
81,
5067,
26453,
14402,
62,
40198,
3109,
11755,
796,
705,
16541,
519,
81,
5067,
26453,
14402,
13,
40198,
3109,
11755,
3419,
6,
1303,
16926,
46,
25,
2041,
198,
16541,
519,
81,
5067,
26453,
14402,
62,
20063,
51,
3558,
796,
705,
16541,
519,
81,
5067,
26453,
14402,
13,
20063,
51,
3558,
15090,
7635,
62,
9122,
0,
65,
30072,
6,
198,
16541,
519,
81,
5067,
26453,
14402,
62,
20063,
14402,
25468,
796,
705,
16541,
519,
81,
5067,
26453,
14402,
13,
20063,
14402,
25468,
15090,
7635,
62,
9122,
0,
65,
30072,
6,
198,
16541,
519,
81,
5067,
26453,
14402,
62,
271,
9787,
276,
796,
705,
16541,
519,
81,
5067,
26453,
14402,
13,
271,
9787,
276,
15090,
12853,
62,
9288,
62,
3672,
0,
84,
30072,
6,
1303,
16926,
46,
2041,
198,
16541,
519,
81,
5067,
26453,
14402,
62,
2617,
9787,
276,
796,
705,
16541,
519,
81,
5067,
26453,
14402,
13,
2617,
9787,
276,
15090,
12853,
62,
9288,
62,
3672,
0,
84,
5512,
1391,
26752,
0,
65,
30072,
6,
198,
16541,
519,
81,
5067,
26453,
14402,
62,
2617,
14402,
12332,
82,
796,
705,
16541,
519,
81,
5067,
26453,
14402,
13,
2617,
14402,
12332,
82,
15090,
6603,
62,
9127,
5512,
1391,
9288,
62,
9127,
5512,
1391,
7635,
62,
9122,
0,
65,
30072,
6,
198,
16541,
519,
81,
5067,
26453,
14402,
62,
2617,
14402,
24259,
796,
705,
16541,
519,
81,
5067,
26453,
14402,
13,
2617,
14402,
24259,
15090,
9288,
62,
12853,
62,
3672,
0,
84,
5512,
1391,
2934,
1039,
0,
84,
5512,
1391,
7635,
62,
9122,
0,
65,
30072,
6,
198,
16541,
519,
81,
5067,
26453,
14402,
62,
2617,
44154,
43768,
796,
705,
16541,
519,
81,
5067,
26453,
14402,
13,
2617,
44154,
43768,
15090,
785,
16838,
0,
65,
5512,
1391,
7635,
62,
9122,
0,
65,
30072,
6,
198,
16541,
519,
81,
5067,
26453,
14402,
62,
2617,
14402,
23004,
796,
705,
16541,
519,
81,
5067,
26453,
14402,
13,
2617,
14402,
23004,
15090,
9288,
62,
12853,
62,
3672,
0,
84,
5512,
1391,
20274,
0,
84,
5512,
1391,
7635,
62,
9122,
0,
65,
30072,
6,
198,
16541,
519,
81,
5067,
26453,
14402,
62,
2617,
14402,
41006,
796,
705,
16541,
519,
81,
5067,
26453,
14402,
13,
2617,
14402,
41006,
15090,
9288,
62,
12853,
62,
3672,
5512,
1391,
43282,
62,
907,
30072,
6,
198,
16541,
519,
81,
5067,
26453,
14402,
62,
2617,
53,
12843,
796,
705,
16541,
519,
81,
5067,
26453,
14402,
13,
2617,
53,
12843,
15090,
23504,
0,
65,
5512,
1391,
7635,
62,
9122,
0,
65,
30072,
6,
198,
16541,
519,
81,
5067,
26453,
14402,
62,
2617,
27703,
11828,
8206,
796,
705,
16541,
519,
81,
5067,
26453,
14402,
13,
2617,
27703,
11828,
8206,
15090,
5239,
0,
84,
5512,
1391,
7635,
62,
9122,
0,
65,
30072,
6,
198
] | 2.612779 | 6,996 |
# coding=utf-8
import urllib
import re
from proxy import Proxy
from .basespider import BaseSpider
from bs4 import BeautifulSoup
| [
2,
19617,
28,
40477,
12,
23,
198,
198,
11748,
2956,
297,
571,
198,
11748,
302,
198,
198,
6738,
15741,
1330,
38027,
198,
6738,
764,
65,
1386,
79,
1304,
1330,
7308,
41294,
198,
6738,
275,
82,
19,
1330,
23762,
50,
10486,
628
] | 3.195122 | 41 |
from tracardi.service.storage.elastic_client import ElasticClient
from tracardi.service.storage.factory import storage_manager
from tracardi.domain.storage_result import StorageResult
from tracardi.service.storage.index import resources
| [
6738,
491,
330,
22490,
13,
15271,
13,
35350,
13,
417,
3477,
62,
16366,
1330,
48567,
11792,
198,
6738,
491,
330,
22490,
13,
15271,
13,
35350,
13,
69,
9548,
1330,
6143,
62,
37153,
198,
6738,
491,
330,
22490,
13,
27830,
13,
35350,
62,
20274,
1330,
20514,
23004,
198,
6738,
491,
330,
22490,
13,
15271,
13,
35350,
13,
9630,
1330,
4133,
628,
628
] | 3.934426 | 61 |
#!/usr/bin/env python3
# Copyright (c) Yugabyte, Inc.
#
# Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except
# in compliance with the License. You may obtain a copy of the License 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 build_definitions
from build_definitions import * # noqa
from yugabyte_db_thirdparty.builder import Builder
from yugabyte_db_thirdparty.custom_logging import (
log_separator,
heading,
configure_logging,
)
from yugabyte_db_thirdparty.multi_build import MultiBuilder
from yugabyte_db_thirdparty.remote_build import build_remotely
from yugabyte_db_thirdparty.shared_library_checking import get_lib_tester
from yugabyte_db_thirdparty.download_manager import DownloadManager
import json
import_submodules(build_definitions)
if __name__ == "__main__":
main()
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
18,
198,
198,
2,
15069,
357,
66,
8,
25554,
37828,
11,
3457,
13,
198,
2,
198,
2,
49962,
739,
262,
24843,
13789,
11,
10628,
362,
13,
15,
357,
1169,
366,
34156,
15341,
345,
743,
407,
779,
428,
2393,
2845,
198,
2,
287,
11846,
351,
262,
13789,
13,
921,
743,
7330,
257,
4866,
286,
262,
13789,
379,
198,
2,
198,
2,
2638,
1378,
2503,
13,
43073,
13,
2398,
14,
677,
4541,
14,
43,
2149,
24290,
12,
17,
13,
15,
198,
2,
198,
2,
17486,
2672,
416,
9723,
1099,
393,
4987,
284,
287,
3597,
11,
3788,
9387,
739,
262,
13789,
198,
2,
318,
9387,
319,
281,
366,
1921,
3180,
1,
29809,
1797,
11,
42881,
34764,
11015,
6375,
7102,
49828,
11053,
3963,
15529,
509,
12115,
11,
2035,
4911,
198,
2,
393,
17142,
13,
4091,
262,
13789,
329,
262,
2176,
3303,
15030,
21627,
290,
11247,
198,
2,
739,
262,
13789,
13,
198,
2,
198,
198,
11748,
1382,
62,
4299,
50101,
198,
6738,
1382,
62,
4299,
50101,
1330,
1635,
220,
1303,
645,
20402,
198,
6738,
331,
1018,
37828,
62,
9945,
62,
17089,
10608,
13,
38272,
1330,
35869,
198,
6738,
331,
1018,
37828,
62,
9945,
62,
17089,
10608,
13,
23144,
62,
6404,
2667,
1330,
357,
198,
220,
220,
220,
2604,
62,
25512,
1352,
11,
198,
220,
220,
220,
9087,
11,
198,
220,
220,
220,
17425,
62,
6404,
2667,
11,
198,
8,
198,
6738,
331,
1018,
37828,
62,
9945,
62,
17089,
10608,
13,
41684,
62,
11249,
1330,
15237,
32875,
198,
6738,
331,
1018,
37828,
62,
9945,
62,
17089,
10608,
13,
47960,
62,
11249,
1330,
1382,
62,
47960,
306,
198,
6738,
331,
1018,
37828,
62,
9945,
62,
17089,
10608,
13,
28710,
62,
32016,
62,
41004,
1330,
651,
62,
8019,
62,
4879,
353,
198,
6738,
331,
1018,
37828,
62,
9945,
62,
17089,
10608,
13,
15002,
62,
37153,
1330,
10472,
13511,
198,
11748,
33918,
198,
198,
11748,
62,
7266,
18170,
7,
11249,
62,
4299,
50101,
8,
628,
198,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
198,
220,
220,
220,
1388,
3419,
198
] | 3.421512 | 344 |
"""
GoogleViews:
/s(earch) <term>
/i(mage) <term>
youtube urls
"""
from ..utils import media_sender
import requests, urllib
| [
37811,
198,
220,
220,
220,
3012,
7680,
82,
25,
198,
220,
220,
220,
1220,
82,
7,
3679,
8,
1279,
4354,
29,
198,
220,
220,
220,
1220,
72,
7,
25561,
8,
1279,
4354,
29,
198,
220,
220,
220,
35116,
2956,
7278,
198,
198,
37811,
198,
6738,
11485,
26791,
1330,
2056,
62,
82,
2194,
198,
11748,
7007,
11,
2956,
297,
571,
628
] | 2.366667 | 60 |
import subprocess
from glob import glob
from os.path import join
import numpy as np
import seisflows.seistools.specfem3d as solvertools
from seisflows.seistools.shared import getpar, setpar
from seisflows.tools import unix
from seisflows.tools.code import exists
from seisflows.tools.config import SeisflowsParameters, SeisflowsPaths, \
ParameterError, loadclass
PAR = SeisflowsParameters()
PATH = SeisflowsPaths()
import system
class specfem3d(loadclass('solver', 'base')):
""" Python interface for SPECFEM3D
See base class for method descriptions
"""
def check(self):
""" Checks parameters and paths
"""
super(specfem3d, self).check()
# check time stepping parameters
if 'NT' not in PAR:
raise Exception
if 'DT' not in PAR:
raise Exception
if 'F0' not in PAR:
raise Exception
def generate_data(self, **model_kwargs):
""" Generates data
"""
self.generate_mesh(**model_kwargs)
unix.cd(self.getpath)
setpar('SIMULATION_TYPE', '1')
setpar('SAVE_FORWARD', '.true.')
self.mpirun('bin/xspecfem3D')
unix.mv(self.data_wildcard, 'traces/obs')
self.export_traces(PATH.OUTPUT, 'traces/obs')
def generate_mesh(self, model_path=None, model_name=None, model_type='gll'):
""" Performs meshing and database generation
"""
assert(model_name)
assert(model_type)
self.initialize_solver_directories()
unix.cd(self.getpath)
if model_type in ['gll']:
par = getpar('MODEL').strip()
if par != 'gll':
if self.getnode == 0:
print 'WARNING: Unexpected Par_file setting:'
print 'MODEL =', par
assert(exists(model_path))
self.check_mesh_properties(model_path)
src = glob(model_path +'/'+ '*')
dst = self.model_databases
unix.cp(src, dst)
self.mpirun('bin/xmeshfem3D')
self.mpirun('bin/xgenerate_databases')
self.export_model(PATH.OUTPUT +'/'+ model_name)
else:
raise NotImplementedError
### low-level solver interface
def forward(self):
""" Calls SPECFEM3D forward solver
"""
setpar('SIMULATION_TYPE', '1')
setpar('SAVE_FORWARD', '.true.')
self.mpirun('bin/xgenerate_databases')
self.mpirun('bin/xspecfem3D')
def adjoint(self):
""" Calls SPECFEM3D adjoint solver
"""
setpar('SIMULATION_TYPE', '3')
setpar('SAVE_FORWARD', '.false.')
unix.rm('SEM')
unix.ln('traces/adj', 'SEM')
self.mpirun('bin/xspecfem3D')
### input file writers
def check_solver_parameter_files(self):
""" Checks solver parameters
"""
nt = getpar('NSTEP', cast=int)
dt = getpar('DT', cast=float)
if nt != PAR.NT:
if self.getnode == 0: print "WARNING: nt != PAR.NT"
setpar('NSTEP', PAR.NT)
if dt != PAR.DT:
if self.getnode == 0: print "WARNING: dt != PAR.DT"
setpar('DT', PAR.DT)
if self.mesh.nproc != PAR.NPROC:
if self.getnode == 0:
print 'Warning: mesh.nproc != PAR.NPROC'
if 'MULTIPLES' in PAR:
raise NotImplementedError
### miscellaneous
@property
@property
@property
@property
| [
198,
11748,
850,
14681,
198,
6738,
15095,
1330,
15095,
198,
6738,
28686,
13,
6978,
1330,
4654,
198,
198,
11748,
299,
32152,
355,
45941,
198,
198,
11748,
384,
271,
44041,
13,
325,
396,
10141,
13,
4125,
12993,
368,
18,
67,
355,
1540,
1851,
10141,
198,
6738,
384,
271,
44041,
13,
325,
396,
10141,
13,
28710,
1330,
651,
1845,
11,
900,
1845,
198,
198,
6738,
384,
271,
44041,
13,
31391,
1330,
555,
844,
198,
6738,
384,
271,
44041,
13,
31391,
13,
8189,
1330,
7160,
198,
6738,
384,
271,
44041,
13,
31391,
13,
11250,
1330,
1001,
271,
44041,
48944,
11,
1001,
271,
44041,
15235,
82,
11,
3467,
198,
220,
220,
220,
25139,
2357,
12331,
11,
3440,
4871,
198,
198,
27082,
796,
1001,
271,
44041,
48944,
3419,
198,
34219,
796,
1001,
271,
44041,
15235,
82,
3419,
198,
198,
11748,
1080,
628,
198,
4871,
1020,
69,
368,
18,
67,
7,
2220,
4871,
10786,
82,
14375,
3256,
705,
8692,
11537,
2599,
198,
220,
220,
220,
37227,
11361,
7071,
329,
28196,
37,
3620,
18,
35,
628,
220,
220,
220,
220,
220,
4091,
2779,
1398,
329,
2446,
16969,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
825,
2198,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
47719,
10007,
290,
13532,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
2208,
7,
4125,
12993,
368,
18,
67,
11,
2116,
737,
9122,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
2198,
640,
17413,
10007,
198,
220,
220,
220,
220,
220,
220,
220,
611,
705,
11251,
6,
407,
287,
29463,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
35528,
628,
220,
220,
220,
220,
220,
220,
220,
611,
705,
24544,
6,
407,
287,
29463,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
35528,
628,
220,
220,
220,
220,
220,
220,
220,
611,
705,
37,
15,
6,
407,
287,
29463,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
35528,
628,
198,
220,
220,
220,
825,
7716,
62,
7890,
7,
944,
11,
12429,
19849,
62,
46265,
22046,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
2980,
689,
1366,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
8612,
378,
62,
76,
5069,
7,
1174,
19849,
62,
46265,
22046,
8,
628,
220,
220,
220,
220,
220,
220,
220,
555,
844,
13,
10210,
7,
944,
13,
1136,
6978,
8,
198,
220,
220,
220,
220,
220,
220,
220,
900,
1845,
10786,
48913,
6239,
6234,
62,
25216,
3256,
705,
16,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
900,
1845,
10786,
4090,
6089,
62,
13775,
39743,
3256,
45302,
7942,
2637,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
3149,
343,
403,
10786,
8800,
14,
87,
4125,
12993,
368,
18,
35,
11537,
628,
220,
220,
220,
220,
220,
220,
220,
555,
844,
13,
76,
85,
7,
944,
13,
7890,
62,
21992,
9517,
11,
705,
2213,
2114,
14,
8158,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
39344,
62,
2213,
2114,
7,
34219,
13,
2606,
7250,
3843,
11,
705,
2213,
2114,
14,
8158,
11537,
628,
198,
220,
220,
220,
825,
7716,
62,
76,
5069,
7,
944,
11,
2746,
62,
6978,
28,
14202,
11,
2746,
62,
3672,
28,
14202,
11,
2746,
62,
4906,
11639,
70,
297,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
2448,
23914,
18842,
722,
290,
6831,
5270,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
6818,
7,
19849,
62,
3672,
8,
198,
220,
220,
220,
220,
220,
220,
220,
6818,
7,
19849,
62,
4906,
8,
628,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
36733,
1096,
62,
82,
14375,
62,
12942,
1749,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
555,
844,
13,
10210,
7,
944,
13,
1136,
6978,
8,
628,
220,
220,
220,
220,
220,
220,
220,
611,
2746,
62,
4906,
287,
37250,
70,
297,
6,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1582,
796,
651,
1845,
10786,
33365,
3698,
27691,
36311,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1582,
14512,
705,
70,
297,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
1136,
17440,
6624,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
705,
31502,
25,
471,
42072,
2547,
62,
7753,
4634,
32105,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
705,
33365,
3698,
796,
3256,
1582,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6818,
7,
1069,
1023,
7,
19849,
62,
6978,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
9122,
62,
76,
5069,
62,
48310,
7,
19849,
62,
6978,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12351,
796,
15095,
7,
19849,
62,
6978,
1343,
26488,
6,
10,
705,
9,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
29636,
796,
2116,
13,
19849,
62,
19608,
18826,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
555,
844,
13,
13155,
7,
10677,
11,
29636,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
3149,
343,
403,
10786,
8800,
14,
87,
76,
5069,
69,
368,
18,
35,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
3149,
343,
403,
10786,
8800,
14,
87,
8612,
378,
62,
19608,
18826,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
39344,
62,
19849,
7,
34219,
13,
2606,
7250,
3843,
1343,
26488,
6,
10,
2746,
62,
3672,
8,
628,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
1892,
3546,
1154,
12061,
12331,
628,
198,
220,
220,
220,
44386,
1877,
12,
5715,
1540,
332,
7071,
628,
220,
220,
220,
825,
2651,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
27592,
28196,
37,
3620,
18,
35,
2651,
1540,
332,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
900,
1845,
10786,
48913,
6239,
6234,
62,
25216,
3256,
705,
16,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
900,
1845,
10786,
4090,
6089,
62,
13775,
39743,
3256,
45302,
7942,
2637,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
3149,
343,
403,
10786,
8800,
14,
87,
8612,
378,
62,
19608,
18826,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
3149,
343,
403,
10786,
8800,
14,
87,
4125,
12993,
368,
18,
35,
11537,
628,
198,
220,
220,
220,
825,
9224,
1563,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
27592,
28196,
37,
3620,
18,
35,
9224,
1563,
1540,
332,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
900,
1845,
10786,
48913,
6239,
6234,
62,
25216,
3256,
705,
18,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
900,
1845,
10786,
4090,
6089,
62,
13775,
39743,
3256,
45302,
9562,
2637,
8,
198,
220,
220,
220,
220,
220,
220,
220,
555,
844,
13,
26224,
10786,
50,
3620,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
555,
844,
13,
18755,
10786,
2213,
2114,
14,
41255,
3256,
705,
50,
3620,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
3149,
343,
403,
10786,
8800,
14,
87,
4125,
12993,
368,
18,
35,
11537,
628,
198,
220,
220,
220,
44386,
5128,
2393,
8786,
628,
220,
220,
220,
825,
2198,
62,
82,
14375,
62,
17143,
2357,
62,
16624,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
47719,
1540,
332,
10007,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
299,
83,
796,
651,
1845,
10786,
45,
42135,
3256,
3350,
28,
600,
8,
198,
220,
220,
220,
220,
220,
220,
220,
288,
83,
796,
651,
1845,
10786,
24544,
3256,
3350,
28,
22468,
8,
628,
220,
220,
220,
220,
220,
220,
220,
611,
299,
83,
14512,
29463,
13,
11251,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
1136,
17440,
6624,
657,
25,
3601,
366,
31502,
25,
299,
83,
14512,
29463,
13,
11251,
1,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
900,
1845,
10786,
45,
42135,
3256,
29463,
13,
11251,
8,
628,
220,
220,
220,
220,
220,
220,
220,
611,
288,
83,
14512,
29463,
13,
24544,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
1136,
17440,
6624,
657,
25,
3601,
366,
31502,
25,
288,
83,
14512,
29463,
13,
24544,
1,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
900,
1845,
10786,
24544,
3256,
29463,
13,
24544,
8,
628,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
76,
5069,
13,
77,
36942,
14512,
29463,
13,
38588,
4503,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
1136,
17440,
6624,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
705,
20361,
25,
19609,
13,
77,
36942,
14512,
29463,
13,
38588,
4503,
6,
628,
220,
220,
220,
220,
220,
220,
220,
611,
705,
44,
16724,
4061,
28378,
6,
287,
29463,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
1892,
3546,
1154,
12061,
12331,
628,
628,
220,
220,
220,
44386,
2984,
25673,
628,
220,
220,
220,
2488,
26745,
628,
220,
220,
220,
2488,
26745,
628,
220,
220,
220,
2488,
26745,
628,
220,
220,
220,
2488,
26745,
628
] | 2.090261 | 1,684 |
""" TensorMONK :: loss :: utils """
__all__ = ["compute_n_embedding", "compute_top15", "one_hot", "one_hot_idx",
"hard_negative_mask"]
import torch
import numpy as np
@torch.no_grad()
@torch.no_grad()
@torch.no_grad()
@torch.no_grad()
def hard_negative_mask(prediction: torch.Tensor,
targets: torch.Tensor,
pos_to_neg_ratio: float = 0.25):
r""" Hard negative mask generator for object detection (includes both
positives and hard negatives).
Args:
prediction (torch.Tensor): label predictions of the network must be
2D/3D tensor.
2D: Two class problem with scores ranging from 0 to 1, where 0 is
background.
3D: N-class predictions before softmax where
F.softmax(prediction, -1)[:, :, 0] are the probabilities of
background.
targets (torch.Tensor): A 2D tensor of labels/targets. 0 is background.
pos_to_neg_ratio (float): Ratio of positives to negatives.
default = 0.25
"""
assert prediction.ndim == 2 or prediction.ndim == 3, \
"hard_negative_mask: prediction must be 2D/3D tensor."
assert targets.ndim == 2, \
"hard_negative_mask: targets must be 2D tensor."
prediction = prediction.clone()
ns = prediction.size(0)
foreground_mask = targets > 0
ignore_mask = targets < 0
if prediction.shape == foreground_mask.shape:
# assumes, two class problem and sigmoid is applied to output
assert 1. >= prediction.max() and prediction.min() >= 0., \
"hard_negative_mask: Use torch.sigmoid(prediction)."
# Mark the background_mask with hard negatives
background_mask = torch.zeros_like(targets).bool()
for i in range(ns):
retain = max(1, int(foreground_mask[i].sum() / pos_to_neg_ratio))
probs = prediction[i]
# foreground prob to minimum
probs[foreground_mask[i]] = 0.
# remove invalid targets
probs[ignore_mask[i]] = 0.
background_mask[i, torch.argsort(probs)[-retain:]] = True
else:
# assumes, N-class problem and softmax is not applied to output
assert ~ prediction.sum(-1).eq(1).all(), \
"hard_negative_mask: Requires predictions before softmax."
background_probs = torch.nn.functional.softmax(prediction, -1)[:, :, 0]
# Mark the background_mask with hard negatives
background_mask = torch.zeros_like(targets).bool()
for i in range(ns):
retain = max(1, int(foreground_mask[i].sum() / pos_to_neg_ratio))
probs = background_probs[i]
# foreground prob to maximum
probs[foreground_mask[i]] = 1.
# remove invalid targets
probs[ignore_mask[i]] = 1.
background_mask[i, torch.argsort(probs)[:retain]] = True
mask = foreground_mask.bool() | background_mask.bool()
return mask
| [
37811,
309,
22854,
27857,
42,
7904,
2994,
7904,
3384,
4487,
37227,
198,
198,
834,
439,
834,
796,
14631,
5589,
1133,
62,
77,
62,
20521,
12083,
1600,
366,
5589,
1133,
62,
4852,
1314,
1600,
366,
505,
62,
8940,
1600,
366,
505,
62,
8940,
62,
312,
87,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
10424,
62,
31591,
62,
27932,
8973,
198,
198,
11748,
28034,
198,
11748,
299,
32152,
355,
45941,
628,
198,
198,
31,
13165,
354,
13,
3919,
62,
9744,
3419,
628,
198,
31,
13165,
354,
13,
3919,
62,
9744,
3419,
628,
198,
31,
13165,
354,
13,
3919,
62,
9744,
3419,
628,
198,
31,
13165,
354,
13,
3919,
62,
9744,
3419,
198,
4299,
1327,
62,
31591,
62,
27932,
7,
28764,
2867,
25,
28034,
13,
51,
22854,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6670,
25,
28034,
13,
51,
22854,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1426,
62,
1462,
62,
12480,
62,
10366,
952,
25,
12178,
796,
657,
13,
1495,
2599,
198,
220,
220,
220,
374,
37811,
6912,
4633,
9335,
17301,
329,
2134,
13326,
357,
42813,
1111,
198,
220,
220,
220,
38548,
290,
1327,
42510,
737,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
17724,
357,
13165,
354,
13,
51,
22854,
2599,
6167,
16277,
286,
262,
3127,
1276,
307,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
362,
35,
14,
18,
35,
11192,
273,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
362,
35,
25,
4930,
1398,
1917,
351,
8198,
12897,
422,
657,
284,
352,
11,
810,
657,
318,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4469,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
513,
35,
25,
399,
12,
4871,
16277,
878,
2705,
9806,
810,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
376,
13,
4215,
9806,
7,
28764,
2867,
11,
532,
16,
38381,
45299,
1058,
11,
657,
60,
389,
262,
39522,
286,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4469,
13,
628,
220,
220,
220,
220,
220,
220,
220,
6670,
357,
13165,
354,
13,
51,
22854,
2599,
317,
362,
35,
11192,
273,
286,
14722,
14,
83,
853,
1039,
13,
657,
318,
4469,
13,
628,
220,
220,
220,
220,
220,
220,
220,
1426,
62,
1462,
62,
12480,
62,
10366,
952,
357,
22468,
2599,
33956,
286,
38548,
284,
42510,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4277,
796,
657,
13,
1495,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
6818,
17724,
13,
358,
320,
6624,
362,
393,
17724,
13,
358,
320,
6624,
513,
11,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
366,
10424,
62,
31591,
62,
27932,
25,
17724,
1276,
307,
362,
35,
14,
18,
35,
11192,
273,
526,
198,
220,
220,
220,
6818,
6670,
13,
358,
320,
6624,
362,
11,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
366,
10424,
62,
31591,
62,
27932,
25,
6670,
1276,
307,
362,
35,
11192,
273,
526,
198,
220,
220,
220,
17724,
796,
17724,
13,
21018,
3419,
198,
220,
220,
220,
36545,
796,
17724,
13,
7857,
7,
15,
8,
198,
220,
220,
220,
36282,
62,
27932,
796,
6670,
1875,
657,
198,
220,
220,
220,
8856,
62,
27932,
796,
6670,
1279,
657,
628,
220,
220,
220,
611,
17724,
13,
43358,
6624,
36282,
62,
27932,
13,
43358,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
18533,
11,
734,
1398,
1917,
290,
264,
17225,
1868,
318,
5625,
284,
5072,
198,
220,
220,
220,
220,
220,
220,
220,
6818,
352,
13,
18189,
17724,
13,
9806,
3419,
290,
17724,
13,
1084,
3419,
18189,
657,
1539,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
10424,
62,
31591,
62,
27932,
25,
5765,
28034,
13,
82,
17225,
1868,
7,
28764,
2867,
21387,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
2940,
262,
4469,
62,
27932,
351,
1327,
42510,
198,
220,
220,
220,
220,
220,
220,
220,
4469,
62,
27932,
796,
28034,
13,
9107,
418,
62,
2339,
7,
83,
853,
1039,
737,
30388,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
329,
1312,
287,
2837,
7,
5907,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12377,
796,
3509,
7,
16,
11,
493,
7,
754,
2833,
62,
27932,
58,
72,
4083,
16345,
3419,
1220,
1426,
62,
1462,
62,
12480,
62,
10366,
952,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
386,
1443,
796,
17724,
58,
72,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
36282,
1861,
284,
5288,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
386,
1443,
58,
754,
2833,
62,
27932,
58,
72,
11907,
796,
657,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
4781,
12515,
6670,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
386,
1443,
58,
46430,
62,
27932,
58,
72,
11907,
796,
657,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4469,
62,
27932,
58,
72,
11,
28034,
13,
22046,
419,
7,
1676,
1443,
38381,
12,
1186,
391,
25,
11907,
796,
6407,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
18533,
11,
399,
12,
4871,
1917,
290,
2705,
9806,
318,
407,
5625,
284,
5072,
198,
220,
220,
220,
220,
220,
220,
220,
6818,
5299,
17724,
13,
16345,
32590,
16,
737,
27363,
7,
16,
737,
439,
22784,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
10424,
62,
31591,
62,
27932,
25,
26848,
16277,
878,
2705,
9806,
526,
198,
220,
220,
220,
220,
220,
220,
220,
4469,
62,
1676,
1443,
796,
28034,
13,
20471,
13,
45124,
13,
4215,
9806,
7,
28764,
2867,
11,
532,
16,
38381,
45299,
1058,
11,
657,
60,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
2940,
262,
4469,
62,
27932,
351,
1327,
42510,
198,
220,
220,
220,
220,
220,
220,
220,
4469,
62,
27932,
796,
28034,
13,
9107,
418,
62,
2339,
7,
83,
853,
1039,
737,
30388,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
329,
1312,
287,
2837,
7,
5907,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12377,
796,
3509,
7,
16,
11,
493,
7,
754,
2833,
62,
27932,
58,
72,
4083,
16345,
3419,
1220,
1426,
62,
1462,
62,
12480,
62,
10366,
952,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
386,
1443,
796,
4469,
62,
1676,
1443,
58,
72,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
36282,
1861,
284,
5415,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
386,
1443,
58,
754,
2833,
62,
27932,
58,
72,
11907,
796,
352,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
4781,
12515,
6670,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
386,
1443,
58,
46430,
62,
27932,
58,
72,
11907,
796,
352,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4469,
62,
27932,
58,
72,
11,
28034,
13,
22046,
419,
7,
1676,
1443,
38381,
25,
1186,
391,
11907,
796,
6407,
198,
220,
220,
220,
9335,
796,
36282,
62,
27932,
13,
30388,
3419,
930,
4469,
62,
27932,
13,
30388,
3419,
198,
220,
220,
220,
1441,
9335,
198
] | 2.327399 | 1,292 |
'''
The module linear.py provides the linear
preparation analogous of parallelize.py.
'''
from qiskit import *
from qiskit.circuit import Parameter
def get_measurement_circ(n, qregname, cregname, full_measurement=True):
'''
Creates a measurement circuit that can toggle between
measuring the first control qubit or measuring all qubits.
The default is measurement of all qubits.
Args:
n: number of qubits
full_measurement:
Whether to append full measurement, or only on the first qubit.
Returns:
The measurement suffix for a circuit
'''
q = QuantumRegister(n, qregname)
if full_measurement:
cla = ClassicalRegister(n, cregname)
meas = QuantumCircuit(q, cla)
meas.barrier()
meas.measure(q, cla)
return meas
cla = ClassicalRegister(1, cregname)
meas = QuantumCircuit(q, cla)
meas.barrier()
meas.measure(q[0], cla)
return meas
def get_ghz_simple(n, measure=True, full_measurement=True):
'''
Creates a linear GHZ state
with the option of measurement
Args:
n: number of qubits
measure (Boolean): Whether to add measurement gates
full_measurement:
Whether to append full measurement, or only on the first qubit.
Relevant only for measure=True
Returns:
A linear GHZ Circuit
'''
q = QuantumRegister(n, 'q')
circ = QuantumCircuit(q)
circ.h(q[0])
for i in range(1, n):
circ.cx(q[i - 1], q[i])
if measure:
meas = get_measurement_circ(n, 'q', 'c', full_measurement)
circ = circ + meas
return circ
def get_ghz_mqc(n, delta, full_measurement):
'''
This function creates an MQC circuit with n qubits,
where the middle phase rotation around the z axis is by delta
'''
q = QuantumRegister(n, 'q')
circ = get_ghz_simple(n, measure=False)
circinv = circ.inverse()
circ.barrier()
circ.u1(delta, q)
circ.x(q)
circ.barrier()
circ += circinv
meas = get_measurement_circ(n, 'q', 'c', full_measurement)
circ = circ + meas
return circ
def get_ghz_mqc_para(n, full_measurement=True):
'''
This function creates an MQC circuit with n qubits,
where the middle phase rotation around the z axis is by delta
Args:
n: number of qubits
full_measurement:
Whether to append full measurement, or only on the first qubit.
Returns:
An mqc circuit and its Delta parameter
'''
q = QuantumRegister(n, 'q')
circ = get_ghz_simple(n, measure=False)
delta = Parameter('t')
circinv = circ.inverse()
circ.barrier()
circ.u1(delta, q)
circ.x(q)
circ.barrier()
circ += circinv
meas = get_measurement_circ(n, 'q', 'c', full_measurement)
circ = circ + meas
return circ, delta
def get_ghz_po(n, delta):
'''
This function creates an Parity Oscillation circuit
with n qubits, where the middle superposition rotation around
the x and y axes is by delta
'''
q = QuantumRegister(n, 'q')
circ = get_ghz_simple(n, measure=False)
circ.barrier()
circ.u2(delta, -delta, q)
circ.barrier()
meas = get_measurement_circ(n, 'q', 'c', True)
circ = circ + meas
return circ
def get_ghz_po_para(n):
'''
This function creates a Parity Oscillation circuit with n qubits,
where the middle superposition rotation around
the x and y axes is by delta
Args:
n: number of qubits
Returns:
A parity oscillation circuit and its Delta/minus-delta parameters
'''
q = QuantumRegister(n, 'q')
delta = Parameter('t')
deltaneg = Parameter('-t')
circ = get_ghz_simple(n, measure=False)
circ.barrier()
circ.u2(delta, deltaneg, q)
meas = get_measurement_circ(n, 'q', 'c', True)
circ = circ + meas
return circ, [delta, deltaneg]
| [
7061,
6,
198,
464,
8265,
14174,
13,
9078,
3769,
262,
14174,
198,
3866,
1845,
341,
34657,
286,
10730,
1096,
13,
9078,
13,
198,
7061,
6,
198,
198,
6738,
10662,
1984,
270,
1330,
1635,
198,
6738,
10662,
1984,
270,
13,
21170,
5013,
1330,
25139,
2357,
628,
198,
4299,
651,
62,
1326,
5015,
434,
62,
21170,
7,
77,
11,
10662,
2301,
3672,
11,
1126,
70,
3672,
11,
1336,
62,
1326,
5015,
434,
28,
17821,
2599,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
7921,
274,
257,
15558,
10349,
326,
460,
19846,
1022,
198,
220,
220,
220,
15964,
262,
717,
1630,
627,
2545,
393,
15964,
477,
627,
9895,
13,
198,
220,
220,
220,
383,
4277,
318,
15558,
286,
477,
627,
9895,
13,
198,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
299,
25,
1271,
286,
627,
9895,
198,
220,
220,
220,
220,
220,
220,
1336,
62,
1326,
5015,
434,
25,
198,
220,
220,
220,
220,
220,
220,
220,
10127,
284,
24443,
1336,
15558,
11,
393,
691,
319,
262,
717,
627,
2545,
13,
198,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
383,
15558,
35488,
329,
257,
10349,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
10662,
796,
29082,
38804,
7,
77,
11,
10662,
2301,
3672,
8,
198,
220,
220,
220,
611,
1336,
62,
1326,
5015,
434,
25,
198,
220,
220,
220,
220,
220,
220,
220,
26435,
796,
43680,
38804,
7,
77,
11,
1126,
70,
3672,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2212,
796,
29082,
31560,
5013,
7,
80,
11,
26435,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2212,
13,
5657,
5277,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
2212,
13,
1326,
5015,
7,
80,
11,
26435,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2212,
628,
220,
220,
220,
26435,
796,
43680,
38804,
7,
16,
11,
1126,
70,
3672,
8,
198,
220,
220,
220,
2212,
796,
29082,
31560,
5013,
7,
80,
11,
26435,
8,
198,
220,
220,
220,
2212,
13,
5657,
5277,
3419,
198,
220,
220,
220,
2212,
13,
1326,
5015,
7,
80,
58,
15,
4357,
26435,
8,
198,
220,
220,
220,
1441,
2212,
628,
198,
4299,
651,
62,
456,
89,
62,
36439,
7,
77,
11,
3953,
28,
17821,
11,
1336,
62,
1326,
5015,
434,
28,
17821,
2599,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
7921,
274,
257,
14174,
24739,
57,
1181,
198,
220,
220,
220,
351,
262,
3038,
286,
15558,
198,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
299,
25,
1271,
286,
627,
9895,
198,
220,
220,
220,
220,
220,
220,
3953,
357,
46120,
13087,
2599,
10127,
284,
751,
15558,
17435,
198,
220,
220,
220,
220,
220,
220,
1336,
62,
1326,
5015,
434,
25,
198,
220,
220,
220,
220,
220,
220,
220,
10127,
284,
24443,
1336,
15558,
11,
393,
691,
319,
262,
717,
627,
2545,
13,
198,
220,
220,
220,
220,
220,
220,
220,
797,
14938,
691,
329,
3953,
28,
17821,
198,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
317,
14174,
24739,
57,
13588,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
10662,
796,
29082,
38804,
7,
77,
11,
705,
80,
11537,
198,
220,
220,
220,
2498,
796,
29082,
31560,
5013,
7,
80,
8,
198,
220,
220,
220,
2498,
13,
71,
7,
80,
58,
15,
12962,
198,
220,
220,
220,
329,
1312,
287,
2837,
7,
16,
11,
299,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
2498,
13,
66,
87,
7,
80,
58,
72,
532,
352,
4357,
10662,
58,
72,
12962,
198,
220,
220,
220,
611,
3953,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2212,
796,
651,
62,
1326,
5015,
434,
62,
21170,
7,
77,
11,
705,
80,
3256,
705,
66,
3256,
1336,
62,
1326,
5015,
434,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2498,
796,
2498,
1343,
2212,
628,
220,
220,
220,
1441,
2498,
628,
198,
4299,
651,
62,
456,
89,
62,
76,
80,
66,
7,
77,
11,
25979,
11,
1336,
62,
1326,
5015,
434,
2599,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
770,
2163,
8075,
281,
337,
48,
34,
10349,
351,
299,
627,
9895,
11,
198,
220,
220,
220,
810,
262,
3504,
7108,
13179,
1088,
262,
1976,
16488,
318,
416,
25979,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
10662,
796,
29082,
38804,
7,
77,
11,
705,
80,
11537,
198,
220,
220,
220,
2498,
796,
651,
62,
456,
89,
62,
36439,
7,
77,
11,
3953,
28,
25101,
8,
198,
220,
220,
220,
2498,
16340,
796,
2498,
13,
259,
4399,
3419,
198,
220,
220,
220,
2498,
13,
5657,
5277,
3419,
198,
220,
220,
220,
2498,
13,
84,
16,
7,
67,
12514,
11,
10662,
8,
198,
220,
220,
220,
2498,
13,
87,
7,
80,
8,
198,
220,
220,
220,
2498,
13,
5657,
5277,
3419,
198,
220,
220,
220,
2498,
15853,
2498,
16340,
198,
220,
220,
220,
2212,
796,
651,
62,
1326,
5015,
434,
62,
21170,
7,
77,
11,
705,
80,
3256,
705,
66,
3256,
1336,
62,
1326,
5015,
434,
8,
198,
220,
220,
220,
2498,
796,
2498,
1343,
2212,
198,
220,
220,
220,
1441,
2498,
628,
198,
4299,
651,
62,
456,
89,
62,
76,
80,
66,
62,
1845,
64,
7,
77,
11,
1336,
62,
1326,
5015,
434,
28,
17821,
2599,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
770,
2163,
8075,
281,
337,
48,
34,
10349,
351,
299,
627,
9895,
11,
198,
220,
220,
220,
810,
262,
3504,
7108,
13179,
1088,
262,
1976,
16488,
318,
416,
25979,
198,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
299,
25,
1271,
286,
627,
9895,
198,
220,
220,
220,
220,
220,
220,
1336,
62,
1326,
5015,
434,
25,
198,
220,
220,
220,
220,
220,
220,
220,
10127,
284,
24443,
1336,
15558,
11,
393,
691,
319,
262,
717,
627,
2545,
13,
198,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
1052,
285,
80,
66,
10349,
290,
663,
16978,
11507,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
10662,
796,
29082,
38804,
7,
77,
11,
705,
80,
11537,
198,
220,
220,
220,
2498,
796,
651,
62,
456,
89,
62,
36439,
7,
77,
11,
3953,
28,
25101,
8,
198,
220,
220,
220,
25979,
796,
25139,
2357,
10786,
83,
11537,
198,
220,
220,
220,
2498,
16340,
796,
2498,
13,
259,
4399,
3419,
198,
220,
220,
220,
2498,
13,
5657,
5277,
3419,
198,
220,
220,
220,
2498,
13,
84,
16,
7,
67,
12514,
11,
10662,
8,
198,
220,
220,
220,
2498,
13,
87,
7,
80,
8,
198,
220,
220,
220,
2498,
13,
5657,
5277,
3419,
198,
220,
220,
220,
2498,
15853,
2498,
16340,
198,
220,
220,
220,
2212,
796,
651,
62,
1326,
5015,
434,
62,
21170,
7,
77,
11,
705,
80,
3256,
705,
66,
3256,
1336,
62,
1326,
5015,
434,
8,
198,
220,
220,
220,
2498,
796,
2498,
1343,
2212,
198,
220,
220,
220,
1441,
2498,
11,
25979,
628,
198,
4299,
651,
62,
456,
89,
62,
7501,
7,
77,
11,
25979,
2599,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
770,
2163,
8075,
281,
2547,
414,
440,
22360,
341,
10349,
198,
220,
220,
220,
351,
299,
627,
9895,
11,
810,
262,
3504,
2208,
9150,
13179,
1088,
198,
220,
220,
220,
262,
2124,
290,
331,
34197,
318,
416,
25979,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
10662,
796,
29082,
38804,
7,
77,
11,
705,
80,
11537,
198,
220,
220,
220,
2498,
796,
651,
62,
456,
89,
62,
36439,
7,
77,
11,
3953,
28,
25101,
8,
628,
220,
220,
220,
2498,
13,
5657,
5277,
3419,
198,
220,
220,
220,
2498,
13,
84,
17,
7,
67,
12514,
11,
532,
67,
12514,
11,
10662,
8,
198,
220,
220,
220,
2498,
13,
5657,
5277,
3419,
198,
220,
220,
220,
2212,
796,
651,
62,
1326,
5015,
434,
62,
21170,
7,
77,
11,
705,
80,
3256,
705,
66,
3256,
6407,
8,
198,
220,
220,
220,
2498,
796,
2498,
1343,
2212,
198,
220,
220,
220,
1441,
2498,
628,
198,
4299,
651,
62,
456,
89,
62,
7501,
62,
1845,
64,
7,
77,
2599,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
770,
2163,
8075,
257,
2547,
414,
440,
22360,
341,
10349,
351,
299,
627,
9895,
11,
198,
220,
220,
220,
810,
262,
3504,
2208,
9150,
13179,
1088,
198,
220,
220,
220,
220,
262,
2124,
290,
331,
34197,
318,
416,
25979,
198,
220,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
299,
25,
1271,
286,
627,
9895,
198,
220,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
317,
34383,
24969,
341,
10349,
290,
663,
16978,
14,
40191,
12,
67,
12514,
10007,
198,
220,
220,
705,
7061,
198,
220,
220,
220,
10662,
796,
29082,
38804,
7,
77,
11,
705,
80,
11537,
198,
220,
220,
220,
25979,
796,
25139,
2357,
10786,
83,
11537,
198,
220,
220,
220,
1619,
83,
1531,
70,
796,
25139,
2357,
10786,
12,
83,
11537,
198,
220,
220,
220,
2498,
796,
651,
62,
456,
89,
62,
36439,
7,
77,
11,
3953,
28,
25101,
8,
628,
220,
220,
220,
2498,
13,
5657,
5277,
3419,
198,
220,
220,
220,
2498,
13,
84,
17,
7,
67,
12514,
11,
1619,
83,
1531,
70,
11,
10662,
8,
198,
220,
220,
220,
2212,
796,
651,
62,
1326,
5015,
434,
62,
21170,
7,
77,
11,
705,
80,
3256,
705,
66,
3256,
6407,
8,
198,
220,
220,
220,
2498,
796,
2498,
1343,
2212,
198,
220,
220,
220,
1441,
2498,
11,
685,
67,
12514,
11,
1619,
83,
1531,
70,
60,
198
] | 2.443396 | 1,590 |
import time
import unittest
import sqlalchemy as _sqla
import sqlalchemy.orm as _sqla_orm
from .. import models
| [
11748,
640,
198,
11748,
555,
715,
395,
198,
198,
11748,
44161,
282,
26599,
355,
4808,
31166,
5031,
198,
11748,
44161,
282,
26599,
13,
579,
355,
4808,
31166,
5031,
62,
579,
198,
198,
6738,
11485,
1330,
4981,
628,
628,
198
] | 3.025641 | 39 |
#!/usr/bin/env python
# coding=utf-8
# Created by JTProgru
# Date: 2019-08-13
# https://jtprog.ru/
__author__ = 'jtprogru'
__version__ = '0.0.1'
__author_email__ = '[email protected]'
import twitter
import dotenv as d
from pathlib import Path
from speedtest import Speedtest
import json
env = d.get_variables(str(Path(__file__).parent / '.env'))
servers = []
# If you want to test against a specific server
# servers = [1234]
threads = None
# If you want to use a single threaded test
# threads = 1
s = Speedtest()
# s.get_servers(servers)
s.get_best_server()
s.download(threads=threads)
s.upload(threads=threads)
# s.results.json()
resp = json.loads(s.results.json(pretty=True))
print(resp)
print()
print('%.2f' % (resp['bytes_received'] / 1024 / 1024))
# my_auth = twitter.OAuth(env['TOKEN'], env['TOKEN_KEY'], env['CON_SEC'], env['CON_SEC_KEY'])
# twit = twitter.Twitter(auth=my_auth)
# try to tweet if speedtest couldnt even connet.
# probably wont work if the internet is down
# if "Cannot" in resp:
# try:
# tweet_status = "WTF, что с моим интернетом? #JTProgru #"
# twit.statuses.update(status=tweet_status)
# except Exception as e:
# print(str(e))
# pass
# tweet if down speed is less than whatever I set
# elif eval(resp['download']) < eval(env['ISP_PAYED_SPEED']):
# print(eval(dowloadspeed))
# print(eval(uploadspeed))
# print(eval(env['ISP_PAYED_SPEED']))
# print("trying to tweet")
# try:
# i know there must be a better way than to do (str(int(eval())))
# tweet = str(float(eval(dowloadspeed))) + " down\\" + str(float(eval(uploadspeed))) + " up #speedtest"
# twit.statuses.update(status='My speedtest now is: ' + tweet)
# except Exception as e:
# print(str(e))
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
198,
2,
19617,
28,
40477,
12,
23,
198,
2,
15622,
416,
449,
51,
2964,
48929,
198,
2,
7536,
25,
13130,
12,
2919,
12,
1485,
198,
2,
3740,
1378,
73,
83,
1676,
70,
13,
622,
14,
198,
198,
834,
9800,
834,
796,
705,
73,
83,
1676,
48929,
6,
198,
834,
9641,
834,
796,
705,
15,
13,
15,
13,
16,
6,
198,
834,
9800,
62,
12888,
834,
796,
705,
4529,
31,
73,
83,
1676,
70,
13,
622,
6,
198,
198,
11748,
17044,
198,
11748,
16605,
24330,
355,
288,
198,
6738,
3108,
8019,
1330,
10644,
198,
6738,
2866,
9288,
1330,
8729,
9288,
198,
11748,
33918,
198,
198,
24330,
796,
288,
13,
1136,
62,
25641,
2977,
7,
2536,
7,
15235,
7,
834,
7753,
834,
737,
8000,
1220,
45302,
24330,
6,
4008,
198,
198,
2655,
690,
796,
17635,
198,
2,
1002,
345,
765,
284,
1332,
1028,
257,
2176,
4382,
198,
2,
9597,
796,
685,
1065,
2682,
60,
198,
198,
16663,
82,
796,
6045,
198,
2,
1002,
345,
765,
284,
779,
257,
2060,
40945,
1332,
198,
2,
14390,
796,
352,
198,
198,
82,
796,
8729,
9288,
3419,
198,
2,
264,
13,
1136,
62,
2655,
690,
7,
2655,
690,
8,
198,
82,
13,
1136,
62,
13466,
62,
15388,
3419,
198,
82,
13,
15002,
7,
16663,
82,
28,
16663,
82,
8,
198,
82,
13,
25850,
7,
16663,
82,
28,
16663,
82,
8,
198,
2,
264,
13,
43420,
13,
17752,
3419,
198,
198,
4363,
796,
33918,
13,
46030,
7,
82,
13,
43420,
13,
17752,
7,
37784,
28,
17821,
4008,
198,
4798,
7,
4363,
8,
198,
4798,
3419,
198,
4798,
10786,
7225,
17,
69,
6,
4064,
357,
4363,
17816,
33661,
62,
47844,
20520,
1220,
28119,
1220,
28119,
4008,
198,
198,
2,
616,
62,
18439,
796,
17044,
13,
23621,
1071,
7,
24330,
17816,
10468,
43959,
6,
4357,
17365,
17816,
10468,
43959,
62,
20373,
6,
4357,
17365,
17816,
10943,
62,
23683,
6,
4357,
17365,
17816,
10943,
62,
23683,
62,
20373,
6,
12962,
198,
2,
665,
270,
796,
17044,
13,
14254,
7,
18439,
28,
1820,
62,
18439,
8,
198,
198,
2,
1949,
284,
6126,
611,
2866,
9288,
714,
429,
772,
369,
3262,
13,
198,
2,
2192,
28329,
670,
611,
262,
5230,
318,
866,
198,
198,
2,
611,
366,
34,
34574,
1,
287,
1217,
25,
198,
2,
220,
220,
220,
220,
1949,
25,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
6126,
62,
13376,
796,
366,
54,
10234,
11,
220,
141,
229,
20375,
15166,
220,
21727,
12466,
120,
15166,
18849,
43108,
12466,
116,
22177,
20375,
16843,
21169,
22177,
16843,
20375,
25443,
120,
30,
1303,
41,
51,
2964,
48929,
1303,
1,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
665,
270,
13,
14269,
2664,
13,
19119,
7,
13376,
28,
83,
7277,
62,
13376,
8,
198,
2,
220,
220,
220,
220,
2845,
35528,
355,
304,
25,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
2536,
7,
68,
4008,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
1208,
198,
198,
2,
6126,
611,
866,
2866,
318,
1342,
621,
4232,
314,
900,
198,
2,
1288,
361,
5418,
7,
4363,
17816,
15002,
6,
12962,
1279,
5418,
7,
24330,
17816,
1797,
47,
62,
4537,
56,
1961,
62,
4303,
41841,
20520,
2599,
198,
2,
220,
220,
220,
220,
3601,
7,
18206,
7,
67,
322,
2220,
12287,
4008,
198,
2,
220,
220,
220,
220,
3601,
7,
18206,
7,
25850,
12287,
4008,
198,
2,
220,
220,
220,
220,
3601,
7,
18206,
7,
24330,
17816,
1797,
47,
62,
4537,
56,
1961,
62,
4303,
41841,
20520,
4008,
198,
2,
220,
220,
220,
220,
3601,
7203,
83,
14992,
284,
6126,
4943,
198,
2,
220,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
1312,
760,
612,
1276,
307,
257,
1365,
835,
621,
284,
466,
357,
2536,
7,
600,
7,
18206,
3419,
22305,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
6126,
796,
965,
7,
22468,
7,
18206,
7,
67,
322,
2220,
12287,
22305,
1343,
366,
866,
6852,
1,
1343,
965,
7,
22468,
7,
18206,
7,
25850,
12287,
22305,
1343,
366,
510,
1303,
12287,
9288,
1,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
665,
270,
13,
14269,
2664,
13,
19119,
7,
13376,
11639,
3666,
2866,
9288,
783,
318,
25,
705,
1343,
6126,
8,
198,
220,
220,
220,
1303,
2845,
35528,
355,
304,
25,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
3601,
7,
2536,
7,
68,
4008,
628
] | 2.413279 | 738 |
"""Caching utilities for the merge-counts command line tool."""
import glob
import os
import json
import tempfile
from pathlib import Path
from typing import Dict, Optional
from logzero import logger
from . import errors
CACHE_POINTER_LOCATION = Path.home() / ".mergecounts-cache"
class DNAnexusFileCache:
"""A utility class for keeping up with cached DNAnexus objects."""
def __init__(self):
"""Creates a DNAnexusFileCache object to hold the list of known properties
and describe calls for each DNAnexus file id.
"""
self.properties = {}
self.describes = {}
self.counts = {}
def load_from_filesystem(self):
"""Loads any cached information from the filesystem."""
self.properties = load_cached_properties_from_filesystem()
self.describes = load_cached_describes_from_filesystem()
##############################
# Cache folder manipulations #
##############################
def get_cache_folder() -> Optional[str]:
"""Gets the top level cache folder if it exists in the file at CACHE_POINTER_LOCATION.
If that file does not exist, merge-counts has not instantiated a cache folder, so None
is returned.
Returns:
Optional[str]: the cache folder directory or None if a cache has not been created by merge-counts.
"""
if not os.path.exists(CACHE_POINTER_LOCATION):
return None
# will always be the first line of the file
cache_loc = [l.strip() for l in open(CACHE_POINTER_LOCATION, "r").readlines()][0]
if not os.path.exists(cache_loc):
errors.raise_error(
f"Cache pointed to in {CACHE_POINTER_LOCATION} does not exist! {cache_loc}."
)
return Path(cache_loc)
def create_new_cache_folder() -> None:
"""Creates a new cache folder as a temporary dir (assumes that an existing cache instantiated
by merge-counts does not exist and errors if it does).
"""
cache_folder_loc = get_cache_folder()
if cache_folder_loc:
errors.raise_error(
f"Refusing to overwrite existing cache: {cache_folder_loc}",
suggest_report=False,
)
new_cache_loc = tempfile.mkdtemp()
with open(CACHE_POINTER_LOCATION, "w") as cache_pointer:
cache_pointer.writelines(new_cache_loc)
logger.info(
"Created new cache folder pointer at %s to %s.",
CACHE_POINTER_LOCATION,
new_cache_loc,
)
def clean_cache() -> None:
"""Assuming a cache instantied by merge-counts exists, it will clean and remove the cache or
silently succeed otherwise (e.g. if the cache folder does not exist).
"""
cache_folder_loc = get_cache_folder()
if not cache_folder_loc or not os.path.exists(cache_folder_loc):
logger.debug("No cache folder to delete.")
else:
logger.debug("Removing cache folder: %s.", cache_folder_loc)
os.removedirs(cache_folder_loc)
if os.path.exists(CACHE_POINTER_LOCATION):
logger.debug("Removing cache folder pointer.")
os.remove(CACHE_POINTER_LOCATION)
def get_cached_properties_folder(silently_create: bool = True) -> Path:
"""Returns the subfolder within the cache that contains all DNAnexus properties for
each dxid. In this folder, the filename is the dxid and the contents of each property
are the DNAnexus properties as JSON objects.
Arguments:
silently_create (bool): if the subfolder does not exist, create before returning.
Defaults to True. If False, this will error if the folder
doesn't exist.
Returns:
Path: path to the subfolder containing the cached DNAnexus property files.
"""
properties_folder = get_cache_folder() / "properties"
if not os.path.exists(properties_folder):
if silently_create:
os.makedirs(properties_folder)
else:
errors.raise_error(
f"Properties subfolder in cache does not exist: {properties_folder}!"
)
return properties_folder
def get_cached_describes_folder(silently_create: bool = True) -> Path:
"""Returns the subfolder within the cache that contains all DNAnexus describe calls for
each dxid. In this folder, the filename is the dxid and the contents of each property
are the DNAnexus describe calls as JSON objects.
Arguments:
silently_create (bool): if the subfolder does not exist, create before returning.
Defaults to True. If False, this will error if the folder
doesn't exist.
Returns:
Path: path to the subfolder containing the cached DNAnexus property files.
"""
describes_folder = get_cache_folder() / "describes"
if not os.path.exists(describes_folder):
if silently_create:
os.makedirs(describes_folder)
else:
errors.raise_error(
f"Properties subfolder in cache does not exist: {describes_folder}!"
)
return describes_folder
def cache_properties_on_filesystem(dxid: str, properties: Dict) -> None:
"""Caches DNAnexus properties in the property subfolder of the cache.
Args:
dxid (str): DNAnexus id of the file in question.
properties (Dict): DNAnexus properties as a dict.
"""
cache_filepath = get_cached_properties_folder() / dxid
with open(cache_filepath, "w") as cache:
json.dump(properties, cache)
def cache_describes_on_filesystem(dxid: str, describe: Dict) -> None:
"""Caches DNAnexus describe calls in the describes subfolder of the cache.
Args:
dxid (str): DNAnexus id of the file in question.
describe (Dict): DNAnexus describe call as a dict.
"""
cache_filepath = get_cached_describes_folder() / dxid
with open(cache_filepath, "w") as cache:
json.dump(describe, cache)
def load_cached_properties_from_filesystem() -> Dict:
"""Loads the cached DNAnexus properties from the appropriate subfolder in the
merge-counts cache.
Returns:
Dict: all cached properties where the key is the DNAnexus file id and the value
is the DNAnexus properties as a dict.
"""
result = dict()
path = str(get_cached_properties_folder() / "*")
for filename in glob.glob(path):
basename = os.path.basename(filename)
result[basename] = json.load(open(filename, "r"))
logger.info("Loaded %d entries from the properties cache.", len(result.items()))
return result
def load_cached_describes_from_filesystem() -> Dict:
"""Loads the cached DNAnexus describe calls from the appropriate subfolder in the
merge-counts cache.
Returns:
Dict: all cached describes where the key is the DNAnexus file id and the value
is the DNAnexus describe call as a dict.
"""
result = dict()
for filename in glob.glob(str(get_cached_describes_folder() / "*")):
basename = os.path.basename(filename)
result[basename] = json.load(open(filename, "r"))
logger.info("Loaded %d entries from the describes cache.", len(result.items()))
return result
| [
37811,
34,
8103,
20081,
329,
262,
20121,
12,
9127,
82,
3141,
1627,
2891,
526,
15931,
198,
198,
11748,
15095,
198,
11748,
28686,
198,
11748,
33918,
198,
11748,
20218,
7753,
198,
6738,
3108,
8019,
1330,
10644,
198,
6738,
19720,
1330,
360,
713,
11,
32233,
198,
198,
6738,
2604,
22570,
1330,
49706,
198,
198,
6738,
764,
1330,
8563,
198,
198,
34,
2246,
13909,
62,
16402,
41358,
62,
29701,
6234,
796,
10644,
13,
11195,
3419,
1220,
27071,
647,
469,
9127,
82,
12,
23870,
1,
628,
198,
4871,
7446,
44520,
8979,
30562,
25,
198,
220,
220,
220,
37227,
32,
10361,
1398,
329,
5291,
510,
351,
39986,
7446,
44520,
5563,
526,
15931,
628,
220,
220,
220,
825,
11593,
15003,
834,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
16719,
274,
257,
7446,
44520,
8979,
30562,
2134,
284,
1745,
262,
1351,
286,
1900,
6608,
198,
220,
220,
220,
220,
220,
220,
220,
290,
6901,
3848,
329,
1123,
7446,
44520,
2393,
4686,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
48310,
796,
23884,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
20147,
22090,
796,
23884,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
9127,
82,
796,
23884,
628,
220,
220,
220,
825,
3440,
62,
6738,
62,
16624,
6781,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
8912,
82,
597,
39986,
1321,
422,
262,
29905,
526,
15931,
628,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
48310,
796,
3440,
62,
66,
2317,
62,
48310,
62,
6738,
62,
16624,
6781,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
20147,
22090,
796,
3440,
62,
66,
2317,
62,
20147,
22090,
62,
6738,
62,
16624,
6781,
3419,
628,
198,
14468,
7804,
4242,
2235,
198,
2,
34088,
9483,
7704,
5768,
1303,
198,
14468,
7804,
4242,
2235,
628,
198,
4299,
651,
62,
23870,
62,
43551,
3419,
4613,
32233,
58,
2536,
5974,
198,
220,
220,
220,
37227,
38,
1039,
262,
1353,
1241,
12940,
9483,
611,
340,
7160,
287,
262,
2393,
379,
327,
2246,
13909,
62,
16402,
41358,
62,
29701,
6234,
13,
198,
220,
220,
220,
1002,
326,
2393,
857,
407,
2152,
11,
20121,
12,
9127,
82,
468,
407,
9113,
12931,
257,
12940,
9483,
11,
523,
6045,
198,
220,
220,
220,
318,
4504,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
32233,
58,
2536,
5974,
262,
12940,
9483,
8619,
393,
6045,
611,
257,
12940,
468,
407,
587,
2727,
416,
20121,
12,
9127,
82,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
611,
407,
28686,
13,
6978,
13,
1069,
1023,
7,
34,
2246,
13909,
62,
16402,
41358,
62,
29701,
6234,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
6045,
628,
220,
220,
220,
1303,
481,
1464,
307,
262,
717,
1627,
286,
262,
2393,
198,
220,
220,
220,
12940,
62,
17946,
796,
685,
75,
13,
36311,
3419,
329,
300,
287,
1280,
7,
34,
2246,
13909,
62,
16402,
41358,
62,
29701,
6234,
11,
366,
81,
11074,
961,
6615,
3419,
7131,
15,
60,
198,
220,
220,
220,
611,
407,
28686,
13,
6978,
13,
1069,
1023,
7,
23870,
62,
17946,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
8563,
13,
40225,
62,
18224,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
277,
1,
30562,
6235,
284,
287,
1391,
34,
2246,
13909,
62,
16402,
41358,
62,
29701,
6234,
92,
857,
407,
2152,
0,
1391,
23870,
62,
17946,
92,
526,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
628,
220,
220,
220,
1441,
10644,
7,
23870,
62,
17946,
8,
628,
198,
4299,
2251,
62,
3605,
62,
23870,
62,
43551,
3419,
4613,
6045,
25,
198,
220,
220,
220,
37227,
16719,
274,
257,
649,
12940,
9483,
355,
257,
8584,
26672,
357,
562,
8139,
326,
281,
4683,
12940,
9113,
12931,
198,
220,
220,
220,
416,
20121,
12,
9127,
82,
857,
407,
2152,
290,
8563,
611,
340,
857,
737,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
12940,
62,
43551,
62,
17946,
796,
651,
62,
23870,
62,
43551,
3419,
198,
220,
220,
220,
611,
12940,
62,
43551,
62,
17946,
25,
198,
220,
220,
220,
220,
220,
220,
220,
8563,
13,
40225,
62,
18224,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
277,
1,
8134,
3500,
284,
49312,
4683,
12940,
25,
1391,
23870,
62,
43551,
62,
17946,
92,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1950,
62,
13116,
28,
25101,
11,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
628,
220,
220,
220,
649,
62,
23870,
62,
17946,
796,
20218,
7753,
13,
28015,
67,
29510,
3419,
198,
220,
220,
220,
351,
1280,
7,
34,
2246,
13909,
62,
16402,
41358,
62,
29701,
6234,
11,
366,
86,
4943,
355,
12940,
62,
29536,
25,
198,
220,
220,
220,
220,
220,
220,
220,
12940,
62,
29536,
13,
8933,
20655,
7,
3605,
62,
23870,
62,
17946,
8,
628,
220,
220,
220,
49706,
13,
10951,
7,
198,
220,
220,
220,
220,
220,
220,
220,
366,
41972,
649,
12940,
9483,
17562,
379,
4064,
82,
284,
4064,
82,
33283,
198,
220,
220,
220,
220,
220,
220,
220,
327,
2246,
13909,
62,
16402,
41358,
62,
29701,
6234,
11,
198,
220,
220,
220,
220,
220,
220,
220,
649,
62,
23870,
62,
17946,
11,
198,
220,
220,
220,
1267,
628,
198,
4299,
3424,
62,
23870,
3419,
4613,
6045,
25,
198,
220,
220,
220,
37227,
48142,
257,
12940,
9113,
798,
416,
20121,
12,
9127,
82,
7160,
11,
340,
481,
3424,
290,
4781,
262,
12940,
393,
198,
220,
220,
220,
24595,
6758,
4306,
357,
68,
13,
70,
13,
611,
262,
12940,
9483,
857,
407,
2152,
737,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
12940,
62,
43551,
62,
17946,
796,
651,
62,
23870,
62,
43551,
3419,
198,
220,
220,
220,
611,
407,
12940,
62,
43551,
62,
17946,
393,
407,
28686,
13,
6978,
13,
1069,
1023,
7,
23870,
62,
43551,
62,
17946,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
24442,
7203,
2949,
12940,
9483,
284,
12233,
19570,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
24442,
7203,
8413,
5165,
12940,
9483,
25,
4064,
82,
33283,
12940,
62,
43551,
62,
17946,
8,
198,
220,
220,
220,
220,
220,
220,
220,
28686,
13,
2787,
2668,
17062,
7,
23870,
62,
43551,
62,
17946,
8,
628,
220,
220,
220,
611,
28686,
13,
6978,
13,
1069,
1023,
7,
34,
2246,
13909,
62,
16402,
41358,
62,
29701,
6234,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
24442,
7203,
8413,
5165,
12940,
9483,
17562,
19570,
198,
220,
220,
220,
220,
220,
220,
220,
28686,
13,
28956,
7,
34,
2246,
13909,
62,
16402,
41358,
62,
29701,
6234,
8,
628,
198,
4299,
651,
62,
66,
2317,
62,
48310,
62,
43551,
7,
18217,
1473,
62,
17953,
25,
20512,
796,
6407,
8,
4613,
10644,
25,
198,
220,
220,
220,
37227,
35561,
262,
850,
43551,
1626,
262,
12940,
326,
4909,
477,
7446,
44520,
6608,
329,
198,
220,
220,
220,
1123,
44332,
312,
13,
554,
428,
9483,
11,
262,
29472,
318,
262,
44332,
312,
290,
262,
10154,
286,
1123,
3119,
198,
220,
220,
220,
389,
262,
7446,
44520,
6608,
355,
19449,
5563,
13,
628,
220,
220,
220,
20559,
2886,
25,
198,
220,
220,
220,
220,
220,
220,
220,
24595,
62,
17953,
357,
30388,
2599,
611,
262,
850,
43551,
857,
407,
2152,
11,
2251,
878,
8024,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2896,
13185,
284,
6407,
13,
1002,
10352,
11,
428,
481,
4049,
611,
262,
9483,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1595,
470,
2152,
13,
198,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
10644,
25,
3108,
284,
262,
850,
43551,
7268,
262,
39986,
7446,
44520,
3119,
3696,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
6608,
62,
43551,
796,
651,
62,
23870,
62,
43551,
3419,
1220,
366,
48310,
1,
198,
220,
220,
220,
611,
407,
28686,
13,
6978,
13,
1069,
1023,
7,
48310,
62,
43551,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
611,
24595,
62,
17953,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
28686,
13,
76,
4335,
17062,
7,
48310,
62,
43551,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8563,
13,
40225,
62,
18224,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
277,
1,
2964,
18200,
850,
43551,
287,
12940,
857,
407,
2152,
25,
1391,
48310,
62,
43551,
92,
2474,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
628,
220,
220,
220,
1441,
6608,
62,
43551,
628,
198,
4299,
651,
62,
66,
2317,
62,
20147,
22090,
62,
43551,
7,
18217,
1473,
62,
17953,
25,
20512,
796,
6407,
8,
4613,
10644,
25,
198,
220,
220,
220,
37227,
35561,
262,
850,
43551,
1626,
262,
12940,
326,
4909,
477,
7446,
44520,
6901,
3848,
329,
198,
220,
220,
220,
1123,
44332,
312,
13,
554,
428,
9483,
11,
262,
29472,
318,
262,
44332,
312,
290,
262,
10154,
286,
1123,
3119,
198,
220,
220,
220,
389,
262,
7446,
44520,
6901,
3848,
355,
19449,
5563,
13,
628,
220,
220,
220,
20559,
2886,
25,
198,
220,
220,
220,
220,
220,
220,
220,
24595,
62,
17953,
357,
30388,
2599,
611,
262,
850,
43551,
857,
407,
2152,
11,
2251,
878,
8024,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2896,
13185,
284,
6407,
13,
1002,
10352,
11,
428,
481,
4049,
611,
262,
9483,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1595,
470,
2152,
13,
198,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
10644,
25,
3108,
284,
262,
850,
43551,
7268,
262,
39986,
7446,
44520,
3119,
3696,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
8477,
62,
43551,
796,
651,
62,
23870,
62,
43551,
3419,
1220,
366,
20147,
22090,
1,
198,
220,
220,
220,
611,
407,
28686,
13,
6978,
13,
1069,
1023,
7,
20147,
22090,
62,
43551,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
611,
24595,
62,
17953,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
28686,
13,
76,
4335,
17062,
7,
20147,
22090,
62,
43551,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8563,
13,
40225,
62,
18224,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
277,
1,
2964,
18200,
850,
43551,
287,
12940,
857,
407,
2152,
25,
1391,
20147,
22090,
62,
43551,
92,
2474,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
628,
220,
220,
220,
1441,
8477,
62,
43551,
628,
198,
4299,
12940,
62,
48310,
62,
261,
62,
16624,
6781,
7,
34350,
312,
25,
965,
11,
6608,
25,
360,
713,
8,
4613,
6045,
25,
198,
220,
220,
220,
37227,
34,
3694,
7446,
44520,
6608,
287,
262,
3119,
850,
43551,
286,
262,
12940,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
44332,
312,
357,
2536,
2599,
7446,
44520,
4686,
286,
262,
2393,
287,
1808,
13,
198,
220,
220,
220,
220,
220,
220,
220,
6608,
357,
35,
713,
2599,
7446,
44520,
6608,
355,
257,
8633,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
12940,
62,
7753,
6978,
796,
651,
62,
66,
2317,
62,
48310,
62,
43551,
3419,
1220,
44332,
312,
628,
220,
220,
220,
351,
1280,
7,
23870,
62,
7753,
6978,
11,
366,
86,
4943,
355,
12940,
25,
198,
220,
220,
220,
220,
220,
220,
220,
33918,
13,
39455,
7,
48310,
11,
12940,
8,
628,
198,
4299,
12940,
62,
20147,
22090,
62,
261,
62,
16624,
6781,
7,
34350,
312,
25,
965,
11,
6901,
25,
360,
713,
8,
4613,
6045,
25,
198,
220,
220,
220,
37227,
34,
3694,
7446,
44520,
6901,
3848,
287,
262,
8477,
850,
43551,
286,
262,
12940,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
44332,
312,
357,
2536,
2599,
7446,
44520,
4686,
286,
262,
2393,
287,
1808,
13,
198,
220,
220,
220,
220,
220,
220,
220,
6901,
357,
35,
713,
2599,
7446,
44520,
6901,
869,
355,
257,
8633,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
12940,
62,
7753,
6978,
796,
651,
62,
66,
2317,
62,
20147,
22090,
62,
43551,
3419,
1220,
44332,
312,
628,
220,
220,
220,
351,
1280,
7,
23870,
62,
7753,
6978,
11,
366,
86,
4943,
355,
12940,
25,
198,
220,
220,
220,
220,
220,
220,
220,
33918,
13,
39455,
7,
20147,
4892,
11,
12940,
8,
628,
198,
4299,
3440,
62,
66,
2317,
62,
48310,
62,
6738,
62,
16624,
6781,
3419,
4613,
360,
713,
25,
198,
220,
220,
220,
37227,
8912,
82,
262,
39986,
7446,
44520,
6608,
422,
262,
5035,
850,
43551,
287,
262,
198,
220,
220,
220,
20121,
12,
9127,
82,
12940,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
360,
713,
25,
477,
39986,
6608,
810,
262,
1994,
318,
262,
7446,
44520,
2393,
4686,
290,
262,
1988,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
318,
262,
7446,
44520,
6608,
355,
257,
8633,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
1255,
796,
8633,
3419,
628,
220,
220,
220,
3108,
796,
965,
7,
1136,
62,
66,
2317,
62,
48310,
62,
43551,
3419,
1220,
366,
9,
4943,
198,
220,
220,
220,
329,
29472,
287,
15095,
13,
4743,
672,
7,
6978,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
1615,
12453,
796,
28686,
13,
6978,
13,
12093,
12453,
7,
34345,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1255,
58,
12093,
12453,
60,
796,
33918,
13,
2220,
7,
9654,
7,
34345,
11,
366,
81,
48774,
628,
220,
220,
220,
49706,
13,
10951,
7203,
8912,
276,
4064,
67,
12784,
422,
262,
6608,
12940,
33283,
18896,
7,
20274,
13,
23814,
3419,
4008,
198,
220,
220,
220,
1441,
1255,
628,
198,
4299,
3440,
62,
66,
2317,
62,
20147,
22090,
62,
6738,
62,
16624,
6781,
3419,
4613,
360,
713,
25,
198,
220,
220,
220,
37227,
8912,
82,
262,
39986,
7446,
44520,
6901,
3848,
422,
262,
5035,
850,
43551,
287,
262,
198,
220,
220,
220,
20121,
12,
9127,
82,
12940,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
360,
713,
25,
477,
39986,
8477,
810,
262,
1994,
318,
262,
7446,
44520,
2393,
4686,
290,
262,
1988,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
318,
262,
7446,
44520,
6901,
869,
355,
257,
8633,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
1255,
796,
8633,
3419,
628,
220,
220,
220,
329,
29472,
287,
15095,
13,
4743,
672,
7,
2536,
7,
1136,
62,
66,
2317,
62,
20147,
22090,
62,
43551,
3419,
1220,
366,
9,
4943,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
1615,
12453,
796,
28686,
13,
6978,
13,
12093,
12453,
7,
34345,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1255,
58,
12093,
12453,
60,
796,
33918,
13,
2220,
7,
9654,
7,
34345,
11,
366,
81,
48774,
628,
220,
220,
220,
49706,
13,
10951,
7203,
8912,
276,
4064,
67,
12784,
422,
262,
8477,
12940,
33283,
18896,
7,
20274,
13,
23814,
3419,
4008,
198,
220,
220,
220,
1441,
1255,
198
] | 2.71504 | 2,653 |
# Connor Sanders
# 10/16/2017
# Yahoo Finance Web Scraper
# Tested on python 2.7 and 3.5
# Returns a JSON File containing financial statement data for a given company or list of companies
# How to use this script:
# Make sure you have the PhantomJS Driver set up. If you need the manually add the path, go to line 150
# python yahoo_surface_scraper.py StockTicker StatementType JSONFilename Frequency
# If running multiple stock tickers at once, separate them each by commas with no spaces in between
# Examples:
# python yahoo_surface_scraper.py AAPL Income test.json Annual
# or
# python3 yahoo_surface_scraper.py WFC Balance testfile Quarterly
# or
# python3 yahoo_surface_scraper.py WFC,AAPL Balance extracts.json Quarterly
# Feel free to email [email protected] with any questions, concerns, or improvement ideas!
import os
import sys
import re
import pip
from json import load, dump
import signal
import time
import datetime
# Package installer function to handle missing packages
# Ensure beautifulsoup4 is installed
try:
from bs4 import BeautifulSoup
except:
install('beautifulsoup4')
from bs4 import BeautifulSoup
# Ensure selenium is installed
try:
from selenium import webdriver
from selenium.webdriver.support.wait import WebDriverWait
from selenium.webdriver.support import expected_conditions as EC
from selenium.webdriver.common.by import By
except:
install('selenium')
from selenium import webdriver
from selenium.webdriver.support.wait import WebDriverWait
from selenium.webdriver.support import expected_conditions as EC
from selenium.webdriver.common.by import By
# Declare datetime time stamp, and current working directory and file variables
dt = datetime.datetime.today()
c_dir = os.getcwd()
# OS Specific Code for Cross Platform Purposes
os_system = os.name
if os_system == 'nt':
json_local_dir = c_dir + '\\json_extracts\\'
fields_dir = c_dir + '\\data_fields\\'
else:
json_local_dir = c_dir + '/json_extracts/'
fields_dir = c_dir + '/data_fields/'
# Function to check user inputs
# Function to create JSON Extract File Name
# Function to write JSON Data to Timestamped JSON Output File
# Main Function
# Main Process Handler for Script
if __name__ == '__main__':
check_inputs(sys.argv)
if len(sys.argv) == 5:
main(sys.argv[1], sys.argv[2], sys.argv[3], sys.argv[4])
elif len(sys.argv) == 4:
main(sys.argv[1], sys.argv[2], sys.argv[3]) | [
2,
27599,
5831,
201,
198,
2,
838,
14,
1433,
14,
5539,
201,
198,
201,
198,
2,
16551,
15007,
5313,
1446,
38545,
201,
198,
2,
6208,
276,
319,
21015,
362,
13,
22,
290,
513,
13,
20,
201,
198,
2,
16409,
257,
19449,
9220,
7268,
3176,
2643,
1366,
329,
257,
1813,
1664,
393,
1351,
286,
2706,
201,
198,
201,
198,
2,
1374,
284,
779,
428,
4226,
25,
201,
198,
2,
220,
220,
6889,
1654,
345,
423,
262,
14407,
20120,
12434,
900,
510,
13,
1002,
345,
761,
262,
14500,
751,
262,
3108,
11,
467,
284,
1627,
6640,
201,
198,
2,
220,
220,
21015,
331,
12992,
62,
42029,
62,
1416,
38545,
13,
9078,
10500,
51,
15799,
21983,
6030,
19449,
35063,
31902,
201,
198,
2,
220,
220,
1002,
2491,
3294,
4283,
4378,
364,
379,
1752,
11,
4553,
606,
1123,
416,
725,
292,
351,
645,
9029,
287,
1022,
201,
198,
2,
21066,
25,
201,
198,
2,
220,
220,
21015,
331,
12992,
62,
42029,
62,
1416,
38545,
13,
9078,
31518,
43,
19003,
1332,
13,
17752,
16328,
201,
198,
2,
220,
220,
220,
220,
393,
201,
198,
2,
220,
220,
21015,
18,
331,
12992,
62,
42029,
62,
1416,
38545,
13,
9078,
370,
4851,
22924,
1332,
7753,
36082,
201,
198,
2,
220,
220,
220,
220,
393,
201,
198,
2,
220,
220,
21015,
18,
331,
12992,
62,
42029,
62,
1416,
38545,
13,
9078,
370,
4851,
11,
32,
2969,
43,
22924,
32139,
13,
17752,
36082,
201,
198,
2,
18571,
1479,
284,
3053,
369,
13099,
31,
1069,
7015,
72,
13,
785,
351,
597,
2683,
11,
4786,
11,
393,
9025,
4213,
0,
201,
198,
201,
198,
11748,
28686,
201,
198,
11748,
25064,
201,
198,
11748,
302,
201,
198,
11748,
7347,
201,
198,
6738,
33918,
1330,
3440,
11,
10285,
201,
198,
11748,
6737,
201,
198,
11748,
640,
201,
198,
11748,
4818,
8079,
201,
198,
201,
198,
201,
198,
2,
15717,
29124,
2163,
284,
5412,
4814,
10392,
201,
198,
201,
198,
2,
48987,
4950,
82,
10486,
19,
318,
6589,
201,
198,
28311,
25,
201,
198,
220,
220,
220,
422,
275,
82,
19,
1330,
23762,
50,
10486,
201,
198,
16341,
25,
201,
198,
220,
220,
220,
2721,
10786,
40544,
4135,
82,
10486,
19,
11537,
201,
198,
220,
220,
220,
422,
275,
82,
19,
1330,
23762,
50,
10486,
201,
198,
201,
198,
2,
48987,
384,
11925,
1505,
318,
6589,
201,
198,
28311,
25,
201,
198,
220,
220,
220,
422,
384,
11925,
1505,
1330,
3992,
26230,
201,
198,
220,
220,
220,
422,
384,
11925,
1505,
13,
12384,
26230,
13,
11284,
13,
17077,
1330,
5313,
32103,
21321,
201,
198,
220,
220,
220,
422,
384,
11925,
1505,
13,
12384,
26230,
13,
11284,
1330,
2938,
62,
17561,
1756,
355,
13182,
201,
198,
220,
220,
220,
422,
384,
11925,
1505,
13,
12384,
26230,
13,
11321,
13,
1525,
1330,
2750,
201,
198,
16341,
25,
201,
198,
220,
220,
220,
2721,
10786,
741,
47477,
11537,
201,
198,
220,
220,
220,
422,
384,
11925,
1505,
1330,
3992,
26230,
201,
198,
220,
220,
220,
422,
384,
11925,
1505,
13,
12384,
26230,
13,
11284,
13,
17077,
1330,
5313,
32103,
21321,
201,
198,
220,
220,
220,
422,
384,
11925,
1505,
13,
12384,
26230,
13,
11284,
1330,
2938,
62,
17561,
1756,
355,
13182,
201,
198,
220,
220,
220,
422,
384,
11925,
1505,
13,
12384,
26230,
13,
11321,
13,
1525,
1330,
2750,
201,
198,
201,
198,
201,
198,
2,
16691,
533,
4818,
8079,
640,
17977,
11,
290,
1459,
1762,
8619,
290,
2393,
9633,
201,
198,
28664,
796,
4818,
8079,
13,
19608,
8079,
13,
40838,
3419,
201,
198,
66,
62,
15908,
796,
28686,
13,
1136,
66,
16993,
3419,
201,
198,
201,
198,
2,
7294,
17377,
6127,
329,
6372,
19193,
9330,
4832,
201,
198,
418,
62,
10057,
796,
28686,
13,
3672,
201,
198,
361,
28686,
62,
10057,
6624,
705,
429,
10354,
201,
198,
220,
220,
220,
33918,
62,
12001,
62,
15908,
796,
269,
62,
15908,
1343,
705,
6852,
17752,
62,
2302,
974,
82,
6852,
6,
201,
198,
220,
220,
220,
7032,
62,
15908,
796,
269,
62,
15908,
1343,
705,
6852,
7890,
62,
25747,
6852,
6,
201,
198,
17772,
25,
201,
198,
220,
220,
220,
33918,
62,
12001,
62,
15908,
796,
269,
62,
15908,
1343,
31051,
17752,
62,
2302,
974,
82,
14,
6,
201,
198,
220,
220,
220,
7032,
62,
15908,
796,
269,
62,
15908,
1343,
31051,
7890,
62,
25747,
14,
6,
201,
198,
201,
198,
201,
198,
201,
198,
2,
15553,
284,
2198,
2836,
17311,
201,
198,
201,
198,
201,
198,
2,
15553,
284,
2251,
19449,
29677,
9220,
6530,
201,
198,
201,
198,
201,
198,
2,
15553,
284,
3551,
19449,
6060,
284,
5045,
395,
13322,
19449,
25235,
9220,
201,
198,
201,
198,
201,
198,
2,
8774,
15553,
201,
198,
201,
198,
201,
198,
2,
8774,
10854,
32412,
329,
12327,
201,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
201,
198,
220,
220,
220,
2198,
62,
15414,
82,
7,
17597,
13,
853,
85,
8,
201,
198,
220,
220,
220,
611,
18896,
7,
17597,
13,
853,
85,
8,
6624,
642,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
1388,
7,
17597,
13,
853,
85,
58,
16,
4357,
25064,
13,
853,
85,
58,
17,
4357,
25064,
13,
853,
85,
58,
18,
4357,
25064,
13,
853,
85,
58,
19,
12962,
201,
198,
220,
220,
220,
1288,
361,
18896,
7,
17597,
13,
853,
85,
8,
6624,
604,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
1388,
7,
17597,
13,
853,
85,
58,
16,
4357,
25064,
13,
853,
85,
58,
17,
4357,
25064,
13,
853,
85,
58,
18,
12962
] | 2.840308 | 908 |
#!/usr/bin/env python
import argparse
import numpy as np
import rospy
import message_filters
from message_filters import TimeSynchronizer
from ros_x_habitat.msg import PointGoalWithGPSCompass, DepthImage
from sensor_msgs.msg import Image
from cv_bridge import CvBridge
import cv2
from PIL import Image as PILImage
from nav_msgs.msg import Odometry
from std_msgs.msg import Header, Int16
from geometry_msgs.msg import PoseStamped, Pose, Point
import quaternion
from habitat.tasks.utils import cartesian_to_polar
from tf.transformations import euler_from_quaternion, rotation_matrix
from visualization_msgs.msg import Marker, MarkerArray
from threading import Lock
from ros_x_habitat.srv import GetAgentPose
from src.constants.constants import PACKAGE_NAME, ServiceNames
from src.utils import utils_logging
class GazeboToHabitatAgent:
r"""
A class to represent a ROS node which subscribes from Gazebo sensor
topics and publishes to Habitat agent's sensor topics.
"""
def __init__(
self,
node_name: str,
gazebo_rgb_topic_name: str,
gazebo_depth_topic_name: str,
gazebo_odom_topic_name: str,
move_base_goal_topic_name: str,
fetch_goal_from_move_base: bool=False,
final_pointgoal_pos: np.ndarray = np.array([0.0, 0.0, 0.0]),
):
r"""
Instantiates the Gazebo->Habitat agent bridge.
:param node_name: name of the bridge node
:param gazebo_rgb_topic_name: name of the topic on which Gazebo
publishes RGB observations
:param gazebo_depth_topic_name: name of the topic on which Gazebo
publishes depth observations
:param gazebo_odom_topic_name: name of the topic on which Gazebo
publishes odometry data
:param move_base_goal_topic_name: name of the topic on which the
move_base package publishes navigation goals
:param fetch_goal_from_move_base: True if we fetch the goal position
from topic <move_base_goal_topic_name>
:param final_pointgoal_pos: goal location of navigation, measured
in the world frame. If `fetch_goal_from_move_base` is True, this
position is ignored
"""
# initialize the node
self.node_name = node_name
rospy.init_node(self.node_name)
# bridge's publish and subscribe queue size
# TODO: make them configurable by constructor argument
self.sub_queue_size = 1
self.pub_queue_size = 1
# set up logger
self.logger = utils_logging.setup_logger(self.node_name)
# set max number of steps for navigation
# TODO: make them configurable by constructor argument
self.max_steps = 500
# last_action_done controls when to publish the next set
# of observations
self.last_action_lock = Lock()
with self.last_action_lock:
self.count_steps = 0
self.last_action_done = True
# current pose of the agent
self.curr_pose_lock = Lock()
with self.curr_pose_lock:
self.prev_pos = None # NOTE: self.prev_pos is for visualization only
self.curr_pos = None
self.curr_rotation = None
# initialize pointogal_reached flag
self.pointgoal_reached_lock = Lock()
with self.pointgoal_reached_lock:
self.pointgoal_reached = False
# initialize final pointgoal position
self.final_pointgoal_lock = Lock()
with self.final_pointgoal_lock:
self.final_pointgoal_pos = None
self.pointgoal_set = False
if fetch_goal_from_move_base:
# subscribe from goal position topic and get
# the point-goal from there
self.sub_goal = rospy.Subscriber(
move_base_goal_topic_name,
PoseStamped,
self.callback_register_goal,
queue_size=self.sub_queue_size
)
else:
# get goal directly from constructor argument
with self.final_pointgoal_lock:
self.final_pointgoal_pos = final_pointgoal_pos
self.logger.info(f"Final pointgoal position set to: {self.final_pointgoal_pos}")
self.pointgoal_set = True
# subscribe from Gazebo-facing sensor topics
self.sub_rgb = message_filters.Subscriber(gazebo_rgb_topic_name, Image)
self.sub_depth = message_filters.Subscriber(gazebo_depth_topic_name, Image)
self.sub_odom = message_filters.Subscriber(gazebo_odom_topic_name, Odometry)
self.ts = TimeSynchronizer(
[self.sub_rgb, self.sub_depth, self.sub_odom],
queue_size=self.sub_queue_size,
)
self.ts.registerCallback(self.callback_obs_from_gazebo)
# subscribe from `last_action_done/`
self.sub_last_action_done = rospy.Subscriber(
"last_action_done",
Int16,
self.callback_signal_last_action,
queue_size=self.sub_queue_size
)
# publish to Habitat-agent-facing sensor topics
self.pub_rgb = rospy.Publisher(
"rgb",
Image,
queue_size=self.pub_queue_size
)
self.pub_depth = rospy.Publisher(
"depth",
DepthImage,
queue_size=self.pub_queue_size
)
self.pub_pointgoal_with_gps_compass = rospy.Publisher(
"pointgoal_with_gps_compass",
PointGoalWithGPSCompass,
queue_size=self.pub_queue_size
)
# establish get_agent_pose service server
self.get_agent_pose_service = rospy.Service(
f"{PACKAGE_NAME}/{node_name}/{ServiceNames.GET_AGENT_POSE}",
GetAgentPose,
self.get_agent_pose,
)
# publish initial/goal position for visualization
self.marker_array_lock = Lock()
with self.marker_array_lock:
self.marker_array = MarkerArray()
self.pub_init_and_goal_pos = rospy.Publisher(
"visualization_marker_array",
MarkerArray,
queue_size=self.pub_queue_size
)
self.logger.info("gazebo -> habitat agent bridge initialized")
def pos_to_point(self, pos):
r"""
Produce a ROS point from a position.
:param pos: position as a (3, ) numpy array.
:return a ROS point.
"""
point = Point()
point.x = pos[0]
point.y = pos[1]
point.z = pos[2]
return point
def add_pos_to_marker_array(self, pos_type, pos_0, pos_1=None, rot=None):
r"""
Add position(s) to the marker array for visualization.
Require:
1) self.marker_array_lock not being held by the calling
thread
2) the lock guarding `pos_0` and `pos_1` being held by the
calling thread
3) self.last_action_lock is being held by the calling thread
:param pos_type: can only be one of the following:
1) "curr" - path from previous to current position of the agent
2) "init" - inital position of the agent
3) "goal" - final goal position
:param pos_0: position to add marker to
:param pos_1: second position for drawing line segment; Only used if
`pos_type` is "curr"
:param rot: orientation of the marker
"""
# precondition checks
assert pos_type in ["curr", "init", "goal"]
if pos_type == "curr":
pos_1 is not None
# code adapted from
# https://answers.ros.org/question/11135/plotting-a-markerarray-of-spheres-with-rviz/
pos_marker = Marker()
pos_marker.id = self.count_steps
pos_marker.header.frame_id = "odom"
pos_marker.action = pos_marker.ADD
if pos_type == "curr":
pos_marker.type = pos_marker.LINE_STRIP
point_0 = self.pos_to_point(pos_0)
point_1 = self.pos_to_point(pos_1)
pos_marker.points.append(point_0)
pos_marker.points.append(point_1)
pos_marker.scale.x = 0.05
pos_marker.color.a = 1.0
pos_marker.color.g = 1.0
elif pos_type == "init":
pos_marker.type = pos_marker.SPHERE
pos_marker.pose.position.x = pos_0[0]
pos_marker.pose.position.y = pos_0[1]
pos_marker.pose.position.z = pos_0[2]
pos_marker.scale.x = 0.4
pos_marker.scale.y = 0.4
pos_marker.scale.z = 0.4
pos_marker.color.a = 1.0
pos_marker.color.b = 1.0
elif pos_type == "goal":
pos_marker.type = pos_marker.SPHERE
pos_marker.pose.position.x = pos_0[0]
pos_marker.pose.position.y = pos_0[1]
pos_marker.pose.position.z = pos_0[2]
pos_marker.scale.x = 0.4
pos_marker.scale.y = 0.4
pos_marker.scale.z = 0.4
pos_marker.color.a = 1.0
pos_marker.color.r = 1.0
with self.marker_array_lock:
self.marker_array.markers.append(pos_marker)
def publish_marker_array(self):
r"""
Publish the marker array.
"""
with self.marker_array_lock:
self.pub_init_and_goal_pos.publish(self.marker_array)
def compute_pointgoal(self):
r"""
Compute distance-to-goal and angle-to-goal. Modified upon
habitat.task.nav.nav.PointGoalSensor._compute_pointgoal().
Require 1) `self.curr_pose_lock` and `self.final_pointgoal_lock`
already acquired in the calling thread
:return tuple 1) distance-to-goal, 2) angle-to-goal
"""
# get the yaw angle
_, _, yaw = euler_from_quaternion(self.curr_rotation)
# build local->world matrix
local_to_world = rotation_matrix(yaw, (0, 0, 1))
# build world->local matrix
world_to_local = np.linalg.inv(local_to_world)
# compute direction vector in world frame
direction_vector_world = np.zeros((4, ))
direction_vector_world[0:3] = self.final_pointgoal_pos - self.curr_pos
direction_vector_world[-1] = 0
# compute direction vector in local frame
direction_vector_local = np.matmul(world_to_local, direction_vector_world)[0:3]
rho, phi = cartesian_to_polar(
direction_vector_local[0], direction_vector_local[1]
)
return rho, phi
def rgb_msg_to_img(self, rgb_msg, dim):
r"""
Extract RGB image from RGB message. Further compress the RGB
image to size `dim` x `dim`.
:param rgb_msg: RGB sensor reading from Gazebo
:param dim: dimension of the RGB observation
:return: RGB observation as a numpy array
"""
rgb_img = CvBridge().imgmsg_to_cv2(rgb_msg, desired_encoding="rgb8")
rgb_img = cv2.resize(rgb_img, (dim, dim), interpolation = cv2.INTER_AREA)
return rgb_img
def depth_msg_to_img(self, depth_msg, dim):
r"""
Extract depth image from depth message. Further compress the depth
image to size `dim` x `dim`.
:param depth_msg: Depth sensor reading from Gazebo
:param dim: dimension of the depth observation
:return: Depth observation as a numpy array
"""
depth_img_original = np.copy(CvBridge().imgmsg_to_cv2(
depth_msg,
desired_encoding="passthrough"))
# remove nan values by replacing with 0's
# idea: https://github.com/stereolabs/zed-ros-wrapper/issues/67
for row in range(depth_img_original.shape[0]):
for col in range(depth_img_original.shape[1]):
if np.isnan(depth_img_original[row][col]):
depth_img_original[row][col] = 0.0
#depth_img_normalized = cv2.normalize(
# depth_img_original,
# None,
# alpha=0,
# beta=255.0,
# norm_type=cv2.NORM_MINMAX, dtype=cv2.CV_32F
#)
#depth_img_resized = cv2.resize(depth_img_normalized,
# (dim, dim),
# interpolation = cv2.INTER_AREA
#)
depth_img_resized = cv2.resize(depth_img_original,
(dim, dim),
interpolation = cv2.INTER_AREA
)
depth_img = np.array(depth_img_resized, dtype=np.float64)
#depth_img_pil = PILImage.fromarray(depth_img)
#depth_img_pil.save("gazebo_obs/depth.png", mode="L")
return depth_img
def update_pose(self, odom_msg):
r"""
Update current position, current rotation, previous position.
Require `self.curr_pose_lock` already acquired by the calling
thread
:param odom_msg: Odometry data from Gazebo
"""
self.prev_pos = self.curr_pos
self.curr_pos = np.array(
[odom_msg.pose.pose.position.x,
odom_msg.pose.pose.position.y,
odom_msg.pose.pose.position.z
]
)
self.curr_rotation = [
odom_msg.pose.pose.orientation.x,
odom_msg.pose.pose.orientation.y,
odom_msg.pose.pose.orientation.z,
odom_msg.pose.pose.orientation.w
]
def callback_obs_from_gazebo(self, rgb_msg, depth_msg, odom_msg):
r"""
Upon receiving a set of RGBD observations and odometry data from
Gazebo, publishes
1) the observations to `rgb/` and `depth/` topic for a Habitat
agent to read;
2) current GPS+Compass data.
Only publishes iff all following conditions are satisfied:
1) on reset or after the last action has been completed,
2) pointogoal is set,
3) pointgoal not reached yet.
:param rgb_msg: RGB sensor reading from Gazebo
:param depth_msg: Depth sensor reading from Gazebo
:param odom_msg: Odometry data from Gazebo
"""
with self.last_action_lock:
with self.pointgoal_reached_lock:
with self.final_pointgoal_lock:
if (
self.last_action_done
and self.pointgoal_set
and not self.pointgoal_reached
and not (self.count_steps >= self.max_steps)
):
# publish a new set of observations if last action's done,
# pointgoal's set and navigation not completed yet
# get a header object and assign time
h = Header()
h.stamp = rospy.Time.now()
# create RGB message for Habitat
rgb_img = self.rgb_msg_to_img(rgb_msg, 720)
rgb_msg_for_hab = CvBridge().cv2_to_imgmsg(rgb_img, encoding="rgb8")
rgb_msg_for_hab.header = h
# create depth message for Habitat
depth_img = self.depth_msg_to_img(depth_msg, 720)
depth_msg_for_hab = DepthImage()
depth_msg_for_hab.height, depth_msg_for_hab.width = depth_img.shape
depth_msg_for_hab.step = depth_msg_for_hab.width
depth_msg_for_hab.data = np.ravel(depth_img)
depth_msg_for_hab.header = h
with self.curr_pose_lock:
# update pose and compute current GPS+Compass info
self.update_pose(odom_msg)
distance_to_goal, angle_to_goal = self.compute_pointgoal()
ptgoal_gps_msg = PointGoalWithGPSCompass()
ptgoal_gps_msg.distance_to_goal = distance_to_goal
ptgoal_gps_msg.angle_to_goal = angle_to_goal
ptgoal_gps_msg.header = h
# publish observations
self.pub_rgb.publish(rgb_msg_for_hab)
self.pub_depth.publish(depth_msg_for_hab)
self.pub_pointgoal_with_gps_compass.publish(ptgoal_gps_msg)
# block further sensor callbacks
self.last_action_done = False
# add the current position to the marker array for
# visualization
with self.curr_pose_lock:
if self.count_steps == 0:
self.logger.info(f"initial agent position: {self.curr_pos}")
self.add_pos_to_marker_array(
"init",
self.curr_pos
)
else:
self.add_pos_to_marker_array(
"curr",
self.prev_pos,
self.curr_pos,
self.curr_rotation
)
elif(
self.last_action_done
and self.pointgoal_set
and (
self.pointgoal_reached
or self.count_steps >= self.max_steps
)
):
# if the navigation is completed, publish data
# for visualization
self.logger.info(f"navigation completed after {self.count_steps} steps")
with self.curr_pose_lock:
self.logger.info(f"final agent position: {self.curr_pos}")
self.add_pos_to_marker_array(
"goal",
self.final_pointgoal_pos
)
self.publish_marker_array()
self.last_action_done = False
else:
# otherwise, drop the observations
return
def callback_register_goal(self, goal_msg):
r"""
Register point-goal position w.r.t. the world frame.
:param goal_msg: point-goal position from move_base
"""
with self.final_pointgoal_lock:
self.final_pointgoal_pos = np.array([
goal_msg.pose.position.x,
goal_msg.pose.position.y,
goal_msg.pose.position.z
])
self.pointgoal_set = True
self.logger.info(f"Final pointgoal position set to: {self.final_pointgoal_pos}")
def callback_signal_last_action(self, done_msg):
r"""
Signal the last action being done; toggle `pointgoal_reached`
flag if the last action is `STOP`.
"""
if done_msg.data == 1:
# last action is `STOP`
with self.pointgoal_reached_lock:
self.pointgoal_reached = True
with self.last_action_lock:
# increment step counter and signal last action being done
self.count_steps += 1
self.last_action_done = True
def get_agent_pose(self, request):
r"""
ROS service handler which returns the current pose of the agent.
:param request: not used
:returns: current pose of the agent
"""
pose = Pose()
with self.curr_pose_lock:
pose.position.x = self.curr_pos[0]
pose.position.y = self.curr_pos[1]
pose.position.z = self.curr_pos[2]
pose.orientation.x = self.curr_rotation[0]
pose.orientation.y = self.curr_rotation[1]
pose.orientation.z = self.curr_rotation[2]
pose.orientation.w = self.curr_rotation[3]
return pose
def spin_until_shutdown(self):
r"""
Let the node spin until shutdown.
"""
rospy.spin()
if __name__ == "__main__":
main() | [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
198,
11748,
1822,
29572,
198,
11748,
299,
32152,
355,
45941,
198,
11748,
686,
2777,
88,
198,
11748,
3275,
62,
10379,
1010,
198,
6738,
3275,
62,
10379,
1010,
1330,
3862,
50,
24871,
7509,
198,
6738,
686,
82,
62,
87,
62,
5976,
270,
265,
13,
19662,
1330,
6252,
49045,
3152,
38,
3705,
7293,
562,
11,
36350,
5159,
198,
6738,
12694,
62,
907,
14542,
13,
19662,
1330,
7412,
198,
6738,
269,
85,
62,
9458,
1330,
327,
85,
37385,
198,
11748,
269,
85,
17,
198,
6738,
350,
4146,
1330,
7412,
355,
350,
4146,
5159,
198,
6738,
6812,
62,
907,
14542,
13,
19662,
1330,
10529,
15748,
198,
6738,
14367,
62,
907,
14542,
13,
19662,
1330,
48900,
11,
2558,
1433,
198,
6738,
22939,
62,
907,
14542,
13,
19662,
1330,
37557,
1273,
13322,
11,
37557,
11,
6252,
198,
11748,
627,
9205,
295,
198,
6738,
20018,
13,
83,
6791,
13,
26791,
1330,
6383,
35610,
62,
1462,
62,
79,
6192,
198,
6738,
48700,
13,
35636,
602,
1330,
304,
18173,
62,
6738,
62,
421,
9205,
295,
11,
13179,
62,
6759,
8609,
198,
6738,
32704,
62,
907,
14542,
13,
19662,
1330,
2940,
263,
11,
2940,
263,
19182,
198,
6738,
4704,
278,
1330,
13656,
198,
6738,
686,
82,
62,
87,
62,
5976,
270,
265,
13,
27891,
85,
1330,
3497,
36772,
47,
577,
198,
6738,
12351,
13,
9979,
1187,
13,
9979,
1187,
1330,
47035,
11879,
62,
20608,
11,
4809,
36690,
198,
6738,
12351,
13,
26791,
1330,
3384,
4487,
62,
6404,
2667,
198,
198,
4871,
21347,
1765,
78,
2514,
39,
29968,
265,
36772,
25,
198,
220,
220,
220,
374,
37811,
198,
220,
220,
220,
317,
1398,
284,
2380,
257,
48263,
10139,
543,
11452,
274,
422,
21347,
1765,
78,
12694,
198,
220,
220,
220,
10233,
290,
34134,
284,
41950,
265,
5797,
338,
12694,
10233,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
825,
11593,
15003,
834,
7,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
11,
198,
220,
220,
220,
220,
220,
220,
220,
10139,
62,
3672,
25,
965,
11,
198,
220,
220,
220,
220,
220,
220,
220,
308,
1031,
1765,
78,
62,
81,
22296,
62,
26652,
62,
3672,
25,
965,
11,
198,
220,
220,
220,
220,
220,
220,
220,
308,
1031,
1765,
78,
62,
18053,
62,
26652,
62,
3672,
25,
965,
11,
198,
220,
220,
220,
220,
220,
220,
220,
308,
1031,
1765,
78,
62,
375,
296,
62,
26652,
62,
3672,
25,
965,
11,
198,
220,
220,
220,
220,
220,
220,
220,
1445,
62,
8692,
62,
35231,
62,
26652,
62,
3672,
25,
965,
11,
198,
220,
220,
220,
220,
220,
220,
220,
21207,
62,
35231,
62,
6738,
62,
21084,
62,
8692,
25,
20512,
28,
25101,
11,
198,
220,
220,
220,
220,
220,
220,
220,
2457,
62,
4122,
35231,
62,
1930,
25,
45941,
13,
358,
18747,
796,
45941,
13,
18747,
26933,
15,
13,
15,
11,
657,
13,
15,
11,
657,
13,
15,
46570,
198,
220,
220,
220,
15179,
198,
220,
220,
220,
220,
220,
220,
220,
374,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
2262,
17096,
689,
262,
21347,
1765,
78,
3784,
39,
29968,
265,
5797,
7696,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
10139,
62,
3672,
25,
1438,
286,
262,
7696,
10139,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
308,
1031,
1765,
78,
62,
81,
22296,
62,
26652,
62,
3672,
25,
1438,
286,
262,
7243,
319,
543,
21347,
1765,
78,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
34134,
25228,
13050,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
308,
1031,
1765,
78,
62,
18053,
62,
26652,
62,
3672,
25,
1438,
286,
262,
7243,
319,
543,
21347,
1765,
78,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
34134,
6795,
13050,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
308,
1031,
1765,
78,
62,
375,
296,
62,
26652,
62,
3672,
25,
1438,
286,
262,
7243,
319,
543,
21347,
1765,
78,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
34134,
16298,
15748,
1366,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
1445,
62,
8692,
62,
35231,
62,
26652,
62,
3672,
25,
1438,
286,
262,
7243,
319,
543,
262,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1445,
62,
8692,
5301,
34134,
16408,
4661,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
21207,
62,
35231,
62,
6738,
62,
21084,
62,
8692,
25,
6407,
611,
356,
21207,
262,
3061,
2292,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
422,
7243,
1279,
21084,
62,
8692,
62,
35231,
62,
26652,
62,
3672,
29,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
2457,
62,
4122,
35231,
62,
1930,
25,
3061,
4067,
286,
16408,
11,
8630,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
287,
262,
995,
5739,
13,
1002,
4600,
69,
7569,
62,
35231,
62,
6738,
62,
21084,
62,
8692,
63,
318,
6407,
11,
428,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2292,
318,
9514,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
41216,
262,
10139,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
17440,
62,
3672,
796,
10139,
62,
3672,
198,
220,
220,
220,
220,
220,
220,
220,
686,
2777,
88,
13,
15003,
62,
17440,
7,
944,
13,
17440,
62,
3672,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
7696,
338,
7715,
290,
12383,
16834,
2546,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
16926,
46,
25,
787,
606,
4566,
11970,
416,
23772,
4578,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
7266,
62,
36560,
62,
7857,
796,
352,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
12984,
62,
36560,
62,
7857,
796,
352,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
900,
510,
49706,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
6404,
1362,
796,
3384,
4487,
62,
6404,
2667,
13,
40406,
62,
6404,
1362,
7,
944,
13,
17440,
62,
3672,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
900,
3509,
1271,
286,
4831,
329,
16408,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
16926,
46,
25,
787,
606,
4566,
11970,
416,
23772,
4578,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
9806,
62,
20214,
796,
5323,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
938,
62,
2673,
62,
28060,
6973,
618,
284,
7715,
262,
1306,
900,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
286,
13050,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
12957,
62,
2673,
62,
5354,
796,
13656,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
351,
2116,
13,
12957,
62,
2673,
62,
5354,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
9127,
62,
20214,
796,
657,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
12957,
62,
2673,
62,
28060,
796,
6407,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
1459,
12705,
286,
262,
5797,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
22019,
81,
62,
3455,
62,
5354,
796,
13656,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
351,
2116,
13,
22019,
81,
62,
3455,
62,
5354,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
47050,
62,
1930,
796,
6045,
1303,
24550,
25,
2116,
13,
47050,
62,
1930,
318,
329,
32704,
691,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
22019,
81,
62,
1930,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
22019,
81,
62,
10599,
341,
796,
6045,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
41216,
966,
519,
282,
62,
260,
2317,
6056,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
4122,
35231,
62,
260,
2317,
62,
5354,
796,
13656,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
351,
2116,
13,
4122,
35231,
62,
260,
2317,
62,
5354,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
4122,
35231,
62,
260,
2317,
796,
10352,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
41216,
2457,
966,
35231,
2292,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
20311,
62,
4122,
35231,
62,
5354,
796,
13656,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
351,
2116,
13,
20311,
62,
4122,
35231,
62,
5354,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
20311,
62,
4122,
35231,
62,
1930,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
4122,
35231,
62,
2617,
796,
10352,
198,
220,
220,
220,
220,
220,
220,
220,
611,
21207,
62,
35231,
62,
6738,
62,
21084,
62,
8692,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
12383,
422,
3061,
2292,
7243,
290,
651,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
262,
966,
12,
35231,
422,
612,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
7266,
62,
35231,
796,
686,
2777,
88,
13,
7004,
1416,
24735,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1445,
62,
8692,
62,
35231,
62,
26652,
62,
3672,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
37557,
1273,
13322,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
47423,
62,
30238,
62,
35231,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
16834,
62,
7857,
28,
944,
13,
7266,
62,
36560,
62,
7857,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
651,
3061,
3264,
422,
23772,
4578,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
351,
2116,
13,
20311,
62,
4122,
35231,
62,
5354,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
20311,
62,
4122,
35231,
62,
1930,
796,
2457,
62,
4122,
35231,
62,
1930,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
6404,
1362,
13,
10951,
7,
69,
1,
19006,
966,
35231,
2292,
900,
284,
25,
1391,
944,
13,
20311,
62,
4122,
35231,
62,
1930,
92,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
4122,
35231,
62,
2617,
796,
6407,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
12383,
422,
21347,
1765,
78,
12,
29532,
12694,
10233,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
7266,
62,
81,
22296,
796,
3275,
62,
10379,
1010,
13,
7004,
1416,
24735,
7,
70,
1031,
1765,
78,
62,
81,
22296,
62,
26652,
62,
3672,
11,
7412,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
7266,
62,
18053,
796,
3275,
62,
10379,
1010,
13,
7004,
1416,
24735,
7,
70,
1031,
1765,
78,
62,
18053,
62,
26652,
62,
3672,
11,
7412,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
7266,
62,
375,
296,
796,
3275,
62,
10379,
1010,
13,
7004,
1416,
24735,
7,
70,
1031,
1765,
78,
62,
375,
296,
62,
26652,
62,
3672,
11,
10529,
15748,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
912,
796,
3862,
50,
24871,
7509,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
944,
13,
7266,
62,
81,
22296,
11,
2116,
13,
7266,
62,
18053,
11,
2116,
13,
7266,
62,
375,
296,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
16834,
62,
7857,
28,
944,
13,
7266,
62,
36560,
62,
7857,
11,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
912,
13,
30238,
47258,
7,
944,
13,
47423,
62,
8158,
62,
6738,
62,
70,
1031,
1765,
78,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
12383,
422,
4600,
12957,
62,
2673,
62,
28060,
14,
63,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
7266,
62,
12957,
62,
2673,
62,
28060,
796,
686,
2777,
88,
13,
7004,
1416,
24735,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
12957,
62,
2673,
62,
28060,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2558,
1433,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
47423,
62,
12683,
282,
62,
12957,
62,
2673,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
16834,
62,
7857,
28,
944,
13,
7266,
62,
36560,
62,
7857,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
7715,
284,
41950,
265,
12,
25781,
12,
29532,
12694,
10233,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
12984,
62,
81,
22296,
796,
686,
2777,
88,
13,
46471,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
81,
22296,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7412,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
16834,
62,
7857,
28,
944,
13,
12984,
62,
36560,
62,
7857,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
12984,
62,
18053,
796,
686,
2777,
88,
13,
46471,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
18053,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
36350,
5159,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
16834,
62,
7857,
28,
944,
13,
12984,
62,
36560,
62,
7857,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
12984,
62,
4122,
35231,
62,
4480,
62,
70,
862,
62,
5589,
562,
796,
686,
2777,
88,
13,
46471,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
4122,
35231,
62,
4480,
62,
70,
862,
62,
5589,
562,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6252,
49045,
3152,
38,
3705,
7293,
562,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
16834,
62,
7857,
28,
944,
13,
12984,
62,
36560,
62,
7857,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
4474,
651,
62,
25781,
62,
3455,
2139,
4382,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
1136,
62,
25781,
62,
3455,
62,
15271,
796,
686,
2777,
88,
13,
16177,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
277,
1,
90,
47,
8120,
11879,
62,
20608,
92,
14,
90,
17440,
62,
3672,
92,
14,
90,
16177,
36690,
13,
18851,
62,
4760,
3525,
62,
48933,
92,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3497,
36772,
47,
577,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
1136,
62,
25781,
62,
3455,
11,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
7715,
4238,
14,
35231,
2292,
329,
32704,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
4102,
263,
62,
18747,
62,
5354,
796,
13656,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
351,
2116,
13,
4102,
263,
62,
18747,
62,
5354,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
4102,
263,
62,
18747,
796,
2940,
263,
19182,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
12984,
62,
15003,
62,
392,
62,
35231,
62,
1930,
796,
686,
2777,
88,
13,
46471,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
41464,
1634,
62,
4102,
263,
62,
18747,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2940,
263,
19182,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
16834,
62,
7857,
28,
944,
13,
12984,
62,
36560,
62,
7857,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
628,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
6404,
1362,
13,
10951,
7203,
70,
1031,
1765,
78,
4613,
20018,
5797,
7696,
23224,
4943,
198,
220,
220,
220,
220,
198,
220,
220,
220,
825,
1426,
62,
1462,
62,
4122,
7,
944,
11,
1426,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
374,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
21522,
344,
257,
48263,
966,
422,
257,
2292,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
1426,
25,
2292,
355,
257,
357,
18,
11,
1267,
299,
32152,
7177,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
7783,
257,
48263,
966,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
966,
796,
6252,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
966,
13,
87,
796,
1426,
58,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
966,
13,
88,
796,
1426,
58,
16,
60,
198,
220,
220,
220,
220,
220,
220,
220,
966,
13,
89,
796,
1426,
58,
17,
60,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
966,
198,
220,
220,
220,
220,
198,
220,
220,
220,
825,
751,
62,
1930,
62,
1462,
62,
4102,
263,
62,
18747,
7,
944,
11,
1426,
62,
4906,
11,
1426,
62,
15,
11,
1426,
62,
16,
28,
14202,
11,
5724,
28,
14202,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
374,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
3060,
2292,
7,
82,
8,
284,
262,
18364,
7177,
329,
32704,
13,
198,
220,
220,
220,
220,
220,
220,
220,
9394,
557,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
352,
8,
2116,
13,
4102,
263,
62,
18747,
62,
5354,
407,
852,
2714,
416,
262,
4585,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4704,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
362,
8,
262,
5793,
33294,
4600,
1930,
62,
15,
63,
290,
4600,
1930,
62,
16,
63,
852,
2714,
416,
262,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4585,
4704,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
513,
8,
2116,
13,
12957,
62,
2673,
62,
5354,
318,
852,
2714,
416,
262,
4585,
4704,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
1426,
62,
4906,
25,
460,
691,
307,
530,
286,
262,
1708,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
352,
8,
366,
22019,
81,
1,
532,
3108,
422,
2180,
284,
1459,
2292,
286,
262,
5797,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
362,
8,
366,
15003,
1,
532,
287,
1287,
2292,
286,
262,
5797,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
513,
8,
366,
35231,
1,
532,
2457,
3061,
2292,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
1426,
62,
15,
25,
2292,
284,
751,
18364,
284,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
1426,
62,
16,
25,
1218,
2292,
329,
8263,
1627,
10618,
26,
5514,
973,
611,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4600,
1930,
62,
4906,
63,
318,
366,
22019,
81,
1,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
5724,
25,
12852,
286,
262,
18364,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
3718,
623,
653,
8794,
198,
220,
220,
220,
220,
220,
220,
220,
6818,
1426,
62,
4906,
287,
14631,
22019,
81,
1600,
366,
15003,
1600,
366,
35231,
8973,
198,
220,
220,
220,
220,
220,
220,
220,
611,
1426,
62,
4906,
6624,
366,
22019,
81,
1298,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1426,
62,
16,
318,
407,
6045,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
2438,
16573,
422,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
3740,
1378,
504,
86,
364,
13,
4951,
13,
2398,
14,
25652,
14,
1157,
17059,
14,
29487,
889,
12,
64,
12,
4102,
263,
18747,
12,
1659,
12,
2777,
19079,
12,
4480,
12,
81,
85,
528,
14,
198,
220,
220,
220,
220,
220,
220,
220,
1426,
62,
4102,
263,
796,
2940,
263,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
1426,
62,
4102,
263,
13,
312,
796,
2116,
13,
9127,
62,
20214,
198,
220,
220,
220,
220,
220,
220,
220,
1426,
62,
4102,
263,
13,
25677,
13,
14535,
62,
312,
796,
366,
375,
296,
1,
198,
220,
220,
220,
220,
220,
220,
220,
1426,
62,
4102,
263,
13,
2673,
796,
1426,
62,
4102,
263,
13,
29266,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
611,
1426,
62,
4906,
6624,
366,
22019,
81,
1298,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1426,
62,
4102,
263,
13,
4906,
796,
1426,
62,
4102,
263,
13,
24027,
62,
18601,
4061,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
966,
62,
15,
796,
2116,
13,
1930,
62,
1462,
62,
4122,
7,
1930,
62,
15,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
966,
62,
16,
796,
2116,
13,
1930,
62,
1462,
62,
4122,
7,
1930,
62,
16,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1426,
62,
4102,
263,
13,
13033,
13,
33295,
7,
4122,
62,
15,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1426,
62,
4102,
263,
13,
13033,
13,
33295,
7,
4122,
62,
16,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1426,
62,
4102,
263,
13,
9888,
13,
87,
796,
657,
13,
2713,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1426,
62,
4102,
263,
13,
8043,
13,
64,
796,
352,
13,
15,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1426,
62,
4102,
263,
13,
8043,
13,
70,
796,
352,
13,
15,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
1426,
62,
4906,
6624,
366,
15003,
1298,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1426,
62,
4102,
263,
13,
4906,
796,
1426,
62,
4102,
263,
13,
4303,
39,
9338,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1426,
62,
4102,
263,
13,
3455,
13,
9150,
13,
87,
796,
1426,
62,
15,
58,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1426,
62,
4102,
263,
13,
3455,
13,
9150,
13,
88,
796,
1426,
62,
15,
58,
16,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1426,
62,
4102,
263,
13,
3455,
13,
9150,
13,
89,
796,
1426,
62,
15,
58,
17,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1426,
62,
4102,
263,
13,
9888,
13,
87,
796,
657,
13,
19,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1426,
62,
4102,
263,
13,
9888,
13,
88,
796,
657,
13,
19,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1426,
62,
4102,
263,
13,
9888,
13,
89,
796,
657,
13,
19,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1426,
62,
4102,
263,
13,
8043,
13,
64,
796,
352,
13,
15,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1426,
62,
4102,
263,
13,
8043,
13,
65,
796,
352,
13,
15,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
1426,
62,
4906,
6624,
366,
35231,
1298,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1426,
62,
4102,
263,
13,
4906,
796,
1426,
62,
4102,
263,
13,
4303,
39,
9338,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1426,
62,
4102,
263,
13,
3455,
13,
9150,
13,
87,
796,
1426,
62,
15,
58,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1426,
62,
4102,
263,
13,
3455,
13,
9150,
13,
88,
796,
1426,
62,
15,
58,
16,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1426,
62,
4102,
263,
13,
3455,
13,
9150,
13,
89,
796,
1426,
62,
15,
58,
17,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1426,
62,
4102,
263,
13,
9888,
13,
87,
796,
657,
13,
19,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1426,
62,
4102,
263,
13,
9888,
13,
88,
796,
657,
13,
19,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1426,
62,
4102,
263,
13,
9888,
13,
89,
796,
657,
13,
19,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1426,
62,
4102,
263,
13,
8043,
13,
64,
796,
352,
13,
15,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1426,
62,
4102,
263,
13,
8043,
13,
81,
796,
352,
13,
15,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
351,
2116,
13,
4102,
263,
62,
18747,
62,
5354,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
4102,
263,
62,
18747,
13,
4102,
364,
13,
33295,
7,
1930,
62,
4102,
263,
8,
628,
220,
220,
220,
825,
7715,
62,
4102,
263,
62,
18747,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
374,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
8525,
1836,
262,
18364,
7177,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
351,
2116,
13,
4102,
263,
62,
18747,
62,
5354,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
12984,
62,
15003,
62,
392,
62,
35231,
62,
1930,
13,
12984,
1836,
7,
944,
13,
4102,
263,
62,
18747,
8,
198,
220,
220,
220,
220,
198,
220,
220,
220,
825,
24061,
62,
4122,
35231,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
374,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
3082,
1133,
5253,
12,
1462,
12,
35231,
290,
9848,
12,
1462,
12,
35231,
13,
40499,
2402,
198,
220,
220,
220,
220,
220,
220,
220,
20018,
13,
35943,
13,
28341,
13,
28341,
13,
12727,
49045,
47864,
13557,
5589,
1133,
62,
4122,
35231,
22446,
198,
220,
220,
220,
220,
220,
220,
220,
9394,
557,
352,
8,
4600,
944,
13,
22019,
81,
62,
3455,
62,
5354,
63,
290,
4600,
944,
13,
20311,
62,
4122,
35231,
62,
5354,
63,
198,
220,
220,
220,
220,
220,
220,
220,
1541,
9477,
287,
262,
4585,
4704,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
7783,
46545,
352,
8,
5253,
12,
1462,
12,
35231,
11,
362,
8,
9848,
12,
1462,
12,
35231,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
651,
262,
331,
707,
9848,
198,
220,
220,
220,
220,
220,
220,
220,
4808,
11,
4808,
11,
331,
707,
796,
304,
18173,
62,
6738,
62,
421,
9205,
295,
7,
944,
13,
22019,
81,
62,
10599,
341,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
1382,
1957,
3784,
6894,
17593,
198,
220,
220,
220,
220,
220,
220,
220,
1957,
62,
1462,
62,
6894,
796,
13179,
62,
6759,
8609,
7,
88,
707,
11,
357,
15,
11,
657,
11,
352,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
1382,
995,
3784,
12001,
17593,
198,
220,
220,
220,
220,
220,
220,
220,
995,
62,
1462,
62,
12001,
796,
45941,
13,
75,
1292,
70,
13,
16340,
7,
12001,
62,
1462,
62,
6894,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
24061,
4571,
15879,
287,
995,
5739,
198,
220,
220,
220,
220,
220,
220,
220,
4571,
62,
31364,
62,
6894,
796,
45941,
13,
9107,
418,
19510,
19,
11,
15306,
198,
220,
220,
220,
220,
220,
220,
220,
4571,
62,
31364,
62,
6894,
58,
15,
25,
18,
60,
796,
2116,
13,
20311,
62,
4122,
35231,
62,
1930,
532,
2116,
13,
22019,
81,
62,
1930,
198,
220,
220,
220,
220,
220,
220,
220,
4571,
62,
31364,
62,
6894,
58,
12,
16,
60,
796,
657,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
24061,
4571,
15879,
287,
1957,
5739,
198,
220,
220,
220,
220,
220,
220,
220,
4571,
62,
31364,
62,
12001,
796,
45941,
13,
6759,
76,
377,
7,
6894,
62,
1462,
62,
12001,
11,
4571,
62,
31364,
62,
6894,
38381,
15,
25,
18,
60,
198,
220,
220,
220,
220,
220,
220,
220,
374,
8873,
11,
872,
72,
796,
6383,
35610,
62,
1462,
62,
79,
6192,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4571,
62,
31364,
62,
12001,
58,
15,
4357,
4571,
62,
31364,
62,
12001,
58,
16,
60,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
374,
8873,
11,
872,
72,
198,
220,
220,
220,
220,
198,
220,
220,
220,
825,
46140,
62,
19662,
62,
1462,
62,
9600,
7,
944,
11,
46140,
62,
19662,
11,
5391,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
374,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
29677,
25228,
2939,
422,
25228,
3275,
13,
7735,
27413,
262,
25228,
198,
220,
220,
220,
220,
220,
220,
220,
2939,
284,
2546,
4600,
27740,
63,
2124,
4600,
27740,
44646,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
46140,
62,
19662,
25,
25228,
12694,
3555,
422,
21347,
1765,
78,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
5391,
25,
15793,
286,
262,
25228,
13432,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
7783,
25,
25228,
13432,
355,
257,
299,
32152,
7177,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
46140,
62,
9600,
796,
327,
85,
37385,
22446,
9600,
19662,
62,
1462,
62,
33967,
17,
7,
81,
22296,
62,
19662,
11,
10348,
62,
12685,
7656,
2625,
81,
22296,
23,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
46140,
62,
9600,
796,
269,
85,
17,
13,
411,
1096,
7,
81,
22296,
62,
9600,
11,
357,
27740,
11,
5391,
828,
39555,
341,
796,
269,
85,
17,
13,
41358,
62,
12203,
32,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
46140,
62,
9600,
628,
220,
220,
220,
825,
6795,
62,
19662,
62,
1462,
62,
9600,
7,
944,
11,
6795,
62,
19662,
11,
5391,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
374,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
29677,
6795,
2939,
422,
6795,
3275,
13,
7735,
27413,
262,
6795,
198,
220,
220,
220,
220,
220,
220,
220,
2939,
284,
2546,
4600,
27740,
63,
2124,
4600,
27740,
44646,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
6795,
62,
19662,
25,
36350,
12694,
3555,
422,
21347,
1765,
78,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
5391,
25,
15793,
286,
262,
6795,
13432,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
7783,
25,
36350,
13432,
355,
257,
299,
32152,
7177,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
6795,
62,
9600,
62,
14986,
796,
45941,
13,
30073,
7,
34,
85,
37385,
22446,
9600,
19662,
62,
1462,
62,
33967,
17,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6795,
62,
19662,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10348,
62,
12685,
7656,
2625,
44429,
48476,
740,
48774,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
4781,
15709,
3815,
416,
13586,
351,
657,
338,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
2126,
25,
3740,
1378,
12567,
13,
785,
14,
301,
567,
349,
8937,
14,
8863,
12,
4951,
12,
48553,
14,
37165,
14,
3134,
198,
220,
220,
220,
220,
220,
220,
220,
329,
5752,
287,
2837,
7,
18053,
62,
9600,
62,
14986,
13,
43358,
58,
15,
60,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
951,
287,
2837,
7,
18053,
62,
9600,
62,
14986,
13,
43358,
58,
16,
60,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
45941,
13,
271,
12647,
7,
18053,
62,
9600,
62,
14986,
58,
808,
7131,
4033,
60,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6795,
62,
9600,
62,
14986,
58,
808,
7131,
4033,
60,
796,
657,
13,
15,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
18053,
62,
9600,
62,
11265,
1143,
796,
269,
85,
17,
13,
11265,
1096,
7,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
220,
220,
220,
6795,
62,
9600,
62,
14986,
11,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
220,
220,
220,
6045,
11,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
220,
220,
220,
17130,
28,
15,
11,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
220,
220,
220,
12159,
28,
13381,
13,
15,
11,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
220,
220,
220,
2593,
62,
4906,
28,
33967,
17,
13,
35510,
44,
62,
23678,
22921,
11,
288,
4906,
28,
33967,
17,
13,
33538,
62,
2624,
37,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
18053,
62,
9600,
62,
411,
1143,
796,
269,
85,
17,
13,
411,
1096,
7,
18053,
62,
9600,
62,
11265,
1143,
11,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
220,
220,
220,
357,
27740,
11,
5391,
828,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
220,
220,
220,
39555,
341,
796,
269,
85,
17,
13,
41358,
62,
12203,
32,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
8,
198,
220,
220,
220,
220,
220,
220,
220,
6795,
62,
9600,
62,
411,
1143,
796,
269,
85,
17,
13,
411,
1096,
7,
18053,
62,
9600,
62,
14986,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
27740,
11,
5391,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
39555,
341,
796,
269,
85,
17,
13,
41358,
62,
12203,
32,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
6795,
62,
9600,
796,
45941,
13,
18747,
7,
18053,
62,
9600,
62,
411,
1143,
11,
288,
4906,
28,
37659,
13,
22468,
2414,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
18053,
62,
9600,
62,
79,
346,
796,
350,
4146,
5159,
13,
6738,
18747,
7,
18053,
62,
9600,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
18053,
62,
9600,
62,
79,
346,
13,
21928,
7203,
70,
1031,
1765,
78,
62,
8158,
14,
18053,
13,
11134,
1600,
4235,
2625,
43,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
6795,
62,
9600,
198,
220,
220,
220,
220,
198,
220,
220,
220,
825,
4296,
62,
3455,
7,
944,
11,
267,
3438,
62,
19662,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
374,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
10133,
1459,
2292,
11,
1459,
13179,
11,
2180,
2292,
13,
198,
220,
220,
220,
220,
220,
220,
220,
9394,
557,
4600,
944,
13,
22019,
81,
62,
3455,
62,
5354,
63,
1541,
9477,
416,
262,
4585,
198,
220,
220,
220,
220,
220,
220,
220,
4704,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
267,
3438,
62,
19662,
25,
10529,
15748,
1366,
422,
21347,
1765,
78,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
47050,
62,
1930,
796,
2116,
13,
22019,
81,
62,
1930,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
22019,
81,
62,
1930,
796,
45941,
13,
18747,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
375,
296,
62,
19662,
13,
3455,
13,
3455,
13,
9150,
13,
87,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
267,
3438,
62,
19662,
13,
3455,
13,
3455,
13,
9150,
13,
88,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
267,
3438,
62,
19662,
13,
3455,
13,
3455,
13,
9150,
13,
89,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2361,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
22019,
81,
62,
10599,
341,
796,
685,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
267,
3438,
62,
19662,
13,
3455,
13,
3455,
13,
13989,
341,
13,
87,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
267,
3438,
62,
19662,
13,
3455,
13,
3455,
13,
13989,
341,
13,
88,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
267,
3438,
62,
19662,
13,
3455,
13,
3455,
13,
13989,
341,
13,
89,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
267,
3438,
62,
19662,
13,
3455,
13,
3455,
13,
13989,
341,
13,
86,
198,
220,
220,
220,
220,
220,
220,
220,
2361,
198,
220,
220,
220,
220,
198,
220,
220,
220,
825,
23838,
62,
8158,
62,
6738,
62,
70,
1031,
1765,
78,
7,
944,
11,
46140,
62,
19662,
11,
6795,
62,
19662,
11,
267,
3438,
62,
19662,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
374,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
14438,
6464,
257,
900,
286,
25228,
35,
13050,
290,
16298,
15748,
1366,
422,
198,
220,
220,
220,
220,
220,
220,
220,
21347,
1765,
78,
11,
34134,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
352,
8,
262,
13050,
284,
4600,
81,
22296,
14,
63,
290,
4600,
18053,
14,
63,
7243,
329,
257,
41950,
265,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5797,
284,
1100,
26,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
362,
8,
1459,
15472,
10,
7293,
562,
1366,
13,
198,
220,
220,
220,
220,
220,
220,
220,
5514,
34134,
611,
69,
477,
1708,
3403,
389,
11378,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
352,
8,
319,
13259,
393,
706,
262,
938,
2223,
468,
587,
5668,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
362,
8,
966,
24076,
282,
318,
900,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
513,
8,
966,
35231,
407,
4251,
1865,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
46140,
62,
19662,
25,
25228,
12694,
3555,
422,
21347,
1765,
78,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
6795,
62,
19662,
25,
36350,
12694,
3555,
422,
21347,
1765,
78,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
267,
3438,
62,
19662,
25,
10529,
15748,
1366,
422,
21347,
1765,
78,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
351,
2116,
13,
12957,
62,
2673,
62,
5354,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
351,
2116,
13,
4122,
35231,
62,
260,
2317,
62,
5354,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
351,
2116,
13,
20311,
62,
4122,
35231,
62,
5354,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
12957,
62,
2673,
62,
28060,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
290,
2116,
13,
4122,
35231,
62,
2617,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
290,
407,
2116,
13,
4122,
35231,
62,
260,
2317,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
290,
407,
357,
944,
13,
9127,
62,
20214,
18189,
2116,
13,
9806,
62,
20214,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
15179,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
7715,
257,
649,
900,
286,
13050,
611,
938,
2223,
338,
1760,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
966,
35231,
338,
900,
290,
16408,
407,
5668,
1865,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
651,
257,
13639,
2134,
290,
8333,
640,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
289,
796,
48900,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
289,
13,
301,
696,
796,
686,
2777,
88,
13,
7575,
13,
2197,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
2251,
25228,
3275,
329,
41950,
265,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
46140,
62,
9600,
796,
2116,
13,
81,
22296,
62,
19662,
62,
1462,
62,
9600,
7,
81,
22296,
62,
19662,
11,
26250,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
46140,
62,
19662,
62,
1640,
62,
5976,
796,
327,
85,
37385,
22446,
33967,
17,
62,
1462,
62,
9600,
19662,
7,
81,
22296,
62,
9600,
11,
21004,
2625,
81,
22296,
23,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
46140,
62,
19662,
62,
1640,
62,
5976,
13,
25677,
796,
289,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
2251,
6795,
3275,
329,
41950,
265,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6795,
62,
9600,
796,
2116,
13,
18053,
62,
19662,
62,
1462,
62,
9600,
7,
18053,
62,
19662,
11,
26250,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6795,
62,
19662,
62,
1640,
62,
5976,
796,
36350,
5159,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6795,
62,
19662,
62,
1640,
62,
5976,
13,
17015,
11,
6795,
62,
19662,
62,
1640,
62,
5976,
13,
10394,
796,
6795,
62,
9600,
13,
43358,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6795,
62,
19662,
62,
1640,
62,
5976,
13,
9662,
796,
6795,
62,
19662,
62,
1640,
62,
5976,
13,
10394,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6795,
62,
19662,
62,
1640,
62,
5976,
13,
7890,
796,
45941,
13,
25843,
7,
18053,
62,
9600,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6795,
62,
19662,
62,
1640,
62,
5976,
13,
25677,
796,
289,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
351,
2116,
13,
22019,
81,
62,
3455,
62,
5354,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
4296,
12705,
290,
24061,
1459,
15472,
10,
7293,
562,
7508,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
19119,
62,
3455,
7,
375,
296,
62,
19662,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5253,
62,
1462,
62,
35231,
11,
9848,
62,
1462,
62,
35231,
796,
2116,
13,
5589,
1133,
62,
4122,
35231,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
42975,
35231,
62,
70,
862,
62,
19662,
796,
6252,
49045,
3152,
38,
3705,
7293,
562,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
42975,
35231,
62,
70,
862,
62,
19662,
13,
30246,
62,
1462,
62,
35231,
796,
5253,
62,
1462,
62,
35231,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
42975,
35231,
62,
70,
862,
62,
19662,
13,
9248,
62,
1462,
62,
35231,
796,
9848,
62,
1462,
62,
35231,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
42975,
35231,
62,
70,
862,
62,
19662,
13,
25677,
796,
289,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
7715,
13050,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
12984,
62,
81,
22296,
13,
12984,
1836,
7,
81,
22296,
62,
19662,
62,
1640,
62,
5976,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
12984,
62,
18053,
13,
12984,
1836,
7,
18053,
62,
19662,
62,
1640,
62,
5976,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
12984,
62,
4122,
35231,
62,
4480,
62,
70,
862,
62,
5589,
562,
13,
12984,
1836,
7,
457,
35231,
62,
70,
862,
62,
19662,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
2512,
2252,
12694,
869,
10146,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
12957,
62,
2673,
62,
28060,
796,
10352,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
751,
262,
1459,
2292,
284,
262,
18364,
7177,
329,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
32704,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
351,
2116,
13,
22019,
81,
62,
3455,
62,
5354,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
9127,
62,
20214,
6624,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
6404,
1362,
13,
10951,
7,
69,
1,
36733,
5797,
2292,
25,
1391,
944,
13,
22019,
81,
62,
1930,
92,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
2860,
62,
1930,
62,
1462,
62,
4102,
263,
62,
18747,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
15003,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
22019,
81,
62,
1930,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
2860,
62,
1930,
62,
1462,
62,
4102,
263,
62,
18747,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
22019,
81,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
47050,
62,
1930,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
22019,
81,
62,
1930,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
22019,
81,
62,
10599,
341,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
12957,
62,
2673,
62,
28060,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
290,
2116,
13,
4122,
35231,
62,
2617,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
290,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
4122,
35231,
62,
260,
2317,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
393,
2116,
13,
9127,
62,
20214,
18189,
2116,
13,
9806,
62,
20214,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
15179,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
611,
262,
16408,
318,
5668,
11,
7715,
1366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
329,
32704,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
6404,
1362,
13,
10951,
7,
69,
1,
28341,
7065,
5668,
706,
1391,
944,
13,
9127,
62,
20214,
92,
4831,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
351,
2116,
13,
22019,
81,
62,
3455,
62,
5354,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
6404,
1362,
13,
10951,
7,
69,
1,
20311,
5797,
2292,
25,
1391,
944,
13,
22019,
81,
62,
1930,
92,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
2860,
62,
1930,
62,
1462,
62,
4102,
263,
62,
18747,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
35231,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
20311,
62,
4122,
35231,
62,
1930,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
12984,
1836,
62,
4102,
263,
62,
18747,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
12957,
62,
2673,
62,
28060,
796,
10352,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
4306,
11,
4268,
262,
13050,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
628,
220,
220,
220,
825,
23838,
62,
30238,
62,
35231,
7,
944,
11,
3061,
62,
19662,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
374,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
17296,
966,
12,
35231,
2292,
266,
13,
81,
13,
83,
13,
262,
995,
5739,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
3061,
62,
19662,
25,
966,
12,
35231,
2292,
422,
1445,
62,
8692,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
351,
2116,
13,
20311,
62,
4122,
35231,
62,
5354,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
20311,
62,
4122,
35231,
62,
1930,
796,
45941,
13,
18747,
26933,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3061,
62,
19662,
13,
3455,
13,
9150,
13,
87,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3061,
62,
19662,
13,
3455,
13,
9150,
13,
88,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3061,
62,
19662,
13,
3455,
13,
9150,
13,
89,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
33761,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
4122,
35231,
62,
2617,
796,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
6404,
1362,
13,
10951,
7,
69,
1,
19006,
966,
35231,
2292,
900,
284,
25,
1391,
944,
13,
20311,
62,
4122,
35231,
62,
1930,
92,
4943,
628,
220,
220,
220,
825,
23838,
62,
12683,
282,
62,
12957,
62,
2673,
7,
944,
11,
1760,
62,
19662,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
374,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
26484,
262,
938,
2223,
852,
1760,
26,
19846,
4600,
4122,
35231,
62,
260,
2317,
63,
198,
220,
220,
220,
220,
220,
220,
220,
6056,
611,
262,
938,
2223,
318,
4600,
2257,
3185,
44646,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
611,
1760,
62,
19662,
13,
7890,
6624,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
938,
2223,
318,
4600,
2257,
3185,
63,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
351,
2116,
13,
4122,
35231,
62,
260,
2317,
62,
5354,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
4122,
35231,
62,
260,
2317,
796,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
351,
2116,
13,
12957,
62,
2673,
62,
5354,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
18703,
2239,
3753,
290,
6737,
938,
2223,
852,
1760,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
9127,
62,
20214,
15853,
352,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
12957,
62,
2673,
62,
28060,
796,
6407,
198,
220,
220,
220,
220,
198,
220,
220,
220,
825,
651,
62,
25781,
62,
3455,
7,
944,
11,
2581,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
374,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
48263,
2139,
21360,
543,
5860,
262,
1459,
12705,
286,
262,
5797,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
2581,
25,
407,
973,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
7783,
82,
25,
1459,
12705,
286,
262,
5797,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
12705,
796,
37557,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
351,
2116,
13,
22019,
81,
62,
3455,
62,
5354,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12705,
13,
9150,
13,
87,
796,
2116,
13,
22019,
81,
62,
1930,
58,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12705,
13,
9150,
13,
88,
796,
2116,
13,
22019,
81,
62,
1930,
58,
16,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12705,
13,
9150,
13,
89,
796,
2116,
13,
22019,
81,
62,
1930,
58,
17,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12705,
13,
13989,
341,
13,
87,
796,
2116,
13,
22019,
81,
62,
10599,
341,
58,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12705,
13,
13989,
341,
13,
88,
796,
2116,
13,
22019,
81,
62,
10599,
341,
58,
16,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12705,
13,
13989,
341,
13,
89,
796,
2116,
13,
22019,
81,
62,
10599,
341,
58,
17,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12705,
13,
13989,
341,
13,
86,
796,
2116,
13,
22019,
81,
62,
10599,
341,
58,
18,
60,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
12705,
198,
220,
220,
220,
220,
198,
220,
220,
220,
825,
7906,
62,
28446,
62,
49625,
2902,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
374,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
3914,
262,
10139,
7906,
1566,
18325,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
686,
2777,
88,
13,
39706,
3419,
628,
198,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
198,
220,
220,
220,
1388,
3419
] | 1.958217 | 10,363 |
# ================================================== #
# DASHBOARD #
# ================================================== #
# Author: Brady Hammond #
# Created: 05/04/2018 #
# Last Edited: #
# Last Edited By: #
# ================================================== #
# IMPORTS #
# ================================================== #
from __future__ import generator_stop
import falcon
import mimetypes
import os
# ================================================== #
# CLASS DEFINITIONS #
# ================================================== #
class StaticSink(object):
"""
Class for Falcon sink endpoint serving static files.
"""
# ================================================== #
# EOF #
# ================================================== # | [
2,
46111,
4770,
28,
1303,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
360,
11211,
8202,
9795,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
198,
2,
46111,
4770,
28,
1303,
198,
2,
6434,
25,
15260,
26649,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
198,
2,
15622,
25,
8870,
14,
3023,
14,
7908,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
198,
2,
4586,
34212,
25,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
198,
2,
4586,
34212,
2750,
25,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
198,
2,
46111,
4770,
28,
1303,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
30023,
33002,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
198,
2,
46111,
4770,
28,
1303,
198,
198,
6738,
11593,
37443,
834,
1330,
17301,
62,
11338,
198,
11748,
24215,
1102,
198,
11748,
17007,
2963,
12272,
198,
11748,
28686,
198,
198,
2,
46111,
4770,
28,
1303,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
42715,
5550,
20032,
2043,
11053,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
198,
2,
46111,
4770,
28,
1303,
198,
198,
4871,
36125,
50,
676,
7,
15252,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
5016,
329,
17621,
14595,
36123,
7351,
9037,
3696,
13,
198,
220,
220,
220,
37227,
198,
198,
2,
46111,
4770,
28,
1303,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
412,
19238,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
198,
2,
46111,
4770,
28,
1303
] | 2.331868 | 455 |
#!/usr/bin/env python
# -*- coding: utf-8 -*-
import os
import sys
import locale
from PySide2.QtCore import Qt, QTranslator
from PySide2.QtGui import QGuiApplication, QIcon, QFont
from scihubeva.scihubeva_dialog import SciHubEVADialog
from scihubeva.utils import *
import scihubeva.resources
if hasattr(Qt, 'AA_EnableHighDpiScaling'):
QGuiApplication.setAttribute(Qt.AA_EnableHighDpiScaling, True)
if hasattr(Qt, 'AA_UseHighDpiPixmaps'):
QGuiApplication.setAttribute(Qt.AA_UseHighDpiPixmaps, True)
if __name__ == '__main__':
app_path = os.path.abspath(os.path.dirname(sys.argv[0]))
os.environ['QT_QUICK_CONTROLS_CONF'] = (CONF_DIR / 'qtquickcontrols2.conf').resolve().as_posix()
app = QGuiApplication(sys.argv)
lang = locale.getdefaultlocale()[0]
lang_file_path = (TRANSLATION_DIR / 'SciHubEVA_{lang}.qm'.format(lang=lang)).resolve().as_posix()
translator = QTranslator()
translator.load(lang_file_path)
app.installTranslator(translator)
icon_file_path = (IMAGES_DIR / 'SciHubEVA-icon.png').resolve().as_posix()
app.setWindowIcon(QIcon(icon_file_path))
if is_windows():
app.setFont(QFont('Microsoft YaHei'))
eva = SciHubEVADialog()
sys.exit(app.exec_())
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
198,
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
198,
11748,
28686,
198,
11748,
25064,
198,
11748,
36693,
198,
198,
6738,
9485,
24819,
17,
13,
48,
83,
14055,
1330,
33734,
11,
1195,
8291,
41880,
198,
6738,
9485,
24819,
17,
13,
48,
83,
8205,
72,
1330,
1195,
8205,
72,
23416,
11,
1195,
19578,
11,
1195,
23252,
198,
198,
6738,
629,
4449,
549,
48855,
13,
36216,
40140,
48855,
62,
38969,
519,
1330,
10286,
16066,
20114,
2885,
498,
519,
198,
6738,
629,
4449,
549,
48855,
13,
26791,
1330,
1635,
198,
198,
11748,
629,
4449,
549,
48855,
13,
37540,
198,
198,
361,
468,
35226,
7,
48,
83,
11,
705,
3838,
62,
36695,
11922,
35,
14415,
3351,
4272,
6,
2599,
198,
220,
220,
220,
1195,
8205,
72,
23416,
13,
2617,
33682,
7,
48,
83,
13,
3838,
62,
36695,
11922,
35,
14415,
3351,
4272,
11,
6407,
8,
198,
361,
468,
35226,
7,
48,
83,
11,
705,
3838,
62,
11041,
11922,
35,
14415,
47,
844,
31803,
6,
2599,
198,
220,
220,
220,
1195,
8205,
72,
23416,
13,
2617,
33682,
7,
48,
83,
13,
3838,
62,
11041,
11922,
35,
14415,
47,
844,
31803,
11,
6407,
8,
628,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
220,
220,
598,
62,
6978,
796,
28686,
13,
6978,
13,
397,
2777,
776,
7,
418,
13,
6978,
13,
15908,
3672,
7,
17597,
13,
853,
85,
58,
15,
60,
4008,
198,
220,
220,
220,
28686,
13,
268,
2268,
17816,
48,
51,
62,
10917,
11860,
62,
10943,
5446,
3535,
50,
62,
10943,
37,
20520,
796,
357,
10943,
37,
62,
34720,
1220,
705,
39568,
24209,
13716,
82,
17,
13,
10414,
27691,
411,
6442,
22446,
292,
62,
1930,
844,
3419,
628,
220,
220,
220,
598,
796,
1195,
8205,
72,
23416,
7,
17597,
13,
853,
85,
8,
628,
220,
220,
220,
42392,
796,
36693,
13,
1136,
12286,
17946,
1000,
3419,
58,
15,
60,
198,
220,
220,
220,
42392,
62,
7753,
62,
6978,
796,
357,
5446,
1565,
8634,
6234,
62,
34720,
1220,
705,
50,
979,
16066,
27881,
23330,
17204,
27422,
80,
76,
4458,
18982,
7,
17204,
28,
17204,
29720,
411,
6442,
22446,
292,
62,
1930,
844,
3419,
198,
220,
220,
220,
33417,
796,
1195,
8291,
41880,
3419,
198,
220,
220,
220,
33417,
13,
2220,
7,
17204,
62,
7753,
62,
6978,
8,
198,
220,
220,
220,
598,
13,
17350,
8291,
41880,
7,
7645,
41880,
8,
628,
220,
220,
220,
7196,
62,
7753,
62,
6978,
796,
357,
3955,
25552,
62,
34720,
1220,
705,
50,
979,
16066,
27881,
12,
4749,
13,
11134,
27691,
411,
6442,
22446,
292,
62,
1930,
844,
3419,
198,
220,
220,
220,
598,
13,
2617,
27703,
19578,
7,
48,
19578,
7,
4749,
62,
7753,
62,
6978,
4008,
628,
220,
220,
220,
611,
318,
62,
28457,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
598,
13,
2617,
23252,
7,
48,
23252,
10786,
15905,
26421,
1544,
72,
6,
4008,
628,
220,
220,
220,
819,
64,
796,
10286,
16066,
20114,
2885,
498,
519,
3419,
198,
220,
220,
220,
25064,
13,
37023,
7,
1324,
13,
18558,
62,
28955,
198
] | 2.391473 | 516 |
# A basic script to remove any part of the configuration that is described in "hassci"
#Open the file
with open(r'configuration.yaml', 'r') as file:
data = file.read()
# Open ignore file
with open('.hass_ci') as ignore_file:
# Open ignore file and replace matches line by line
for search_text in ignore_file:
data = data.replace(search_text, "#REDACTED")
# Write to file
with open(r'configuration.yaml', 'w') as file:
file.write(data)
print("configuration.yaml has been redacted.")
| [
2,
317,
4096,
4226,
284,
4781,
597,
636,
286,
262,
8398,
326,
318,
3417,
287,
366,
71,
562,
979,
1,
198,
198,
2,
11505,
262,
2393,
198,
4480,
1280,
7,
81,
6,
11250,
3924,
13,
88,
43695,
3256,
705,
81,
11537,
355,
2393,
25,
198,
220,
220,
220,
1366,
796,
2393,
13,
961,
3419,
628,
220,
220,
220,
1303,
4946,
8856,
2393,
198,
220,
220,
220,
351,
1280,
7,
4458,
71,
562,
62,
979,
11537,
355,
8856,
62,
7753,
25,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
4946,
8856,
2393,
290,
6330,
7466,
1627,
416,
1627,
198,
220,
220,
220,
220,
220,
220,
220,
329,
2989,
62,
5239,
287,
8856,
62,
7753,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1366,
796,
1366,
13,
33491,
7,
12947,
62,
5239,
11,
25113,
45999,
4943,
198,
198,
2,
19430,
284,
2393,
198,
4480,
1280,
7,
81,
6,
11250,
3924,
13,
88,
43695,
3256,
705,
86,
11537,
355,
2393,
25,
198,
220,
220,
220,
2393,
13,
13564,
7,
7890,
8,
198,
198,
4798,
7203,
11250,
3924,
13,
88,
43695,
468,
587,
44740,
19570,
198
] | 2.824468 | 188 |
import platform
import doctest
import unittest
from nose.tools import assert_raises
from urlblocks import urlblocks as urlblocks_module
from urlblocks import URL
from urlblocks.six import text_type, u, print_
def dictsort(d):
"""``repr()`` a dictionary with sorted key/value pairs, for doctests."""
items = sorted(d.items())
print_('{' + ', '.join('%r: %r' % (k, v) for k, v in items) + '}')
| [
11748,
3859,
198,
11748,
10412,
395,
198,
11748,
555,
715,
395,
198,
198,
6738,
9686,
13,
31391,
1330,
6818,
62,
430,
2696,
198,
6738,
19016,
27372,
1330,
19016,
27372,
355,
19016,
27372,
62,
21412,
198,
6738,
19016,
27372,
1330,
10289,
198,
6738,
19016,
27372,
13,
19412,
1330,
2420,
62,
4906,
11,
334,
11,
3601,
62,
628,
198,
4299,
8633,
30619,
7,
67,
2599,
198,
220,
220,
220,
37227,
15506,
260,
1050,
3419,
15506,
257,
22155,
351,
23243,
1994,
14,
8367,
14729,
11,
329,
10412,
3558,
526,
15931,
198,
220,
220,
220,
3709,
796,
23243,
7,
67,
13,
23814,
28955,
198,
220,
220,
220,
3601,
62,
10786,
90,
6,
1343,
46083,
45302,
22179,
10786,
4,
81,
25,
4064,
81,
6,
4064,
357,
74,
11,
410,
8,
329,
479,
11,
410,
287,
3709,
8,
1343,
705,
92,
11537,
628,
628,
628,
628
] | 2.957143 | 140 |
import json
import re
from collections import OrderedDict, defaultdict
import cchardet
import requests
from colorama import Fore
from selenium import webdriver
from toapi.cache import CacheSetting
from toapi.log import logger
from toapi.server import Server
from toapi.settings import Settings
from toapi.storage import Storage
class Api:
"""Api handle the routes dispatch"""
def register(self, item):
"""Register items"""
if item in self.item_classes:
logger.error('Register', 'Repeat register item <%s>' % (item.__name__))
exit()
self.item_classes.append(item)
item.__base_url__ = item.__base_url__ or self.base_url
for define_alias, define_route in OrderedDict(item.Meta.route).items():
alias = '^' + define_alias.replace('?', '\?') + '$'
_alias_re = re.compile(re.sub(':(?P<params>[a-z_]+)',
lambda m: '(?P<{}>[A-Za-z0-9_?&/=\s\-\u4e00-\u9fa5]+)'.format(
m.group('params')),
alias))
self.alias_re.append((define_alias, _alias_re))
self.items[define_alias].append({
'item': item,
'alias_re': _alias_re,
'alias': define_alias,
'route': item.__base_url__ + define_route
})
logger.info(Fore.GREEN, 'Register', '<%s>' % (item.__name__))
item_with_ajax = getattr(item.Meta, 'web', {}).get('with_ajax', False)
if self.browser is None and item_with_ajax:
self.browser = self.get_browser(settings=self.settings, item_with_ajax=item_with_ajax)
def parse(self, path, params=None, **kwargs):
"""Parse items from a url"""
items = self.prepare_parsing_items(path)
if items is None:
return None
results = OrderedDict()
cached_html = {}
for index, item in enumerate(items):
converted_path = item['converted_path']
html = cached_html.get(converted_path) or self.get_storage(converted_path) or self.fetch_page_source(
converted_path,
item=item['item'],
params=params,
**kwargs)
if html is not None:
cached_html[converted_path] = html
parsed_item = self.parse_item(html, item['item'])
results[item['item'].__name__] = parsed_item
return json.dumps(results) if results else None
def fetch_page_source(self, url, item, params=None, **kwargs):
"""Fetch the html of given url"""
self.update_status('_status_sent')
if getattr(item.Meta, 'web', {}).get('with_ajax', False) and self.browser is not None:
self.browser.get(url)
text = self.browser.page_source
if text != '':
logger.info(Fore.GREEN, 'Sent', '%s %s 200' % (url, len(text)))
else:
logger.error('Sent', '%s %s' % (url, len(text)))
result = text
else:
request_config = getattr(item.Meta, 'web', {}).get('request_config', {}) or self.web.get(
'request_config', {})
response = requests.get(url, params=params, timeout=15, **request_config)
content = response.content
charset = cchardet.detect(content)
text = content.decode(charset['encoding'] or 'utf-8')
if response.status_code != 200:
logger.error('Sent', '%s %s %s' % (url, len(text), response.status_code))
else:
logger.info(Fore.GREEN, 'Sent', '%s %s %s' % (url, len(text), response.status_code))
result = text
self.set_storage(url, result)
return result
def get_browser(self, settings, item_with_ajax=False):
"""Get browser"""
if not getattr(self.settings, 'web', {}).get('with_ajax', False) and not item_with_ajax:
return None
if getattr(settings, 'headers', None) is not None:
for key, value in settings.headers.items():
capability_key = 'phantomjs.page.customHeaders.{}'.format(key)
webdriver.DesiredCapabilities.PHANTOMJS[capability_key] = value
phantom_options = []
phantom_options.append('--load-images=false')
return webdriver.PhantomJS(service_args=phantom_options)
def update_status(self, key):
"""Increment Status"""
self.cache.incr(key)
def get_status(self, key):
"""Get Status"""
return int(self.cache.get(key, 0))
def set_cache(self, key, value):
"""Set cache"""
if self.cache.get(key) is None and self.cache.set(key, value):
logger.info(Fore.YELLOW, 'Cache', 'Set<%s>' % key)
self.update_status('_status_cache_set')
return True
return False
def get_cache(self, key, default=None):
"""Set cache"""
result = self.cache.get(key)
if result is not None:
logger.info(Fore.YELLOW, 'Cache', 'Get<%s>' % key)
self.update_status('_status_cache_get')
return result
return default
def set_storage(self, key, value):
"""Set storage"""
try:
if self.storage.get(key) is None and self.storage.save(key, value):
logger.info(Fore.BLUE, 'Storage', 'Set<%s>' % key)
self.update_status('_status_storage_set')
return True
return False
except Exception as e:
logger.error('Storage', 'Set<{}>'.format(str(e)))
return False
def get_storage(self, key, default=None):
"""Set storage"""
result = self.storage.get(key)
if result is not None:
logger.info(Fore.BLUE, 'Storage', 'Get<%s>' % key)
self.update_status('_status_storage_get')
return result
return default
def parse_item(self, html, item):
"""Parse item from html"""
result = item.parse(html)
if len(result) == 0:
logger.error('Parsed', 'Item<%s[%s]>' % (item.__name__.title(), len(result)))
else:
logger.info(Fore.CYAN, 'Parsed', 'Item<%s[%s]>' % (item.__name__.title(), len(result)))
return result
| [
11748,
33918,
198,
11748,
302,
198,
6738,
17268,
1330,
14230,
1068,
35,
713,
11,
4277,
11600,
198,
198,
11748,
269,
30215,
316,
198,
11748,
7007,
198,
6738,
3124,
1689,
1330,
4558,
198,
6738,
384,
11925,
1505,
1330,
3992,
26230,
198,
198,
6738,
284,
15042,
13,
23870,
1330,
34088,
34149,
198,
6738,
284,
15042,
13,
6404,
1330,
49706,
198,
6738,
284,
15042,
13,
15388,
1330,
9652,
198,
6738,
284,
15042,
13,
33692,
1330,
16163,
198,
6738,
284,
15042,
13,
35350,
1330,
20514,
628,
198,
4871,
5949,
72,
25,
198,
220,
220,
220,
37227,
32,
14415,
5412,
262,
11926,
27965,
37811,
628,
220,
220,
220,
825,
7881,
7,
944,
11,
2378,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
38804,
3709,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2378,
287,
2116,
13,
9186,
62,
37724,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
18224,
10786,
38804,
3256,
705,
40322,
7881,
2378,
1279,
4,
82,
29,
6,
4064,
357,
9186,
13,
834,
3672,
834,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8420,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
9186,
62,
37724,
13,
33295,
7,
9186,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2378,
13,
834,
8692,
62,
6371,
834,
796,
2378,
13,
834,
8692,
62,
6371,
834,
393,
2116,
13,
8692,
62,
6371,
198,
220,
220,
220,
220,
220,
220,
220,
329,
8160,
62,
26011,
11,
8160,
62,
38629,
287,
14230,
1068,
35,
713,
7,
9186,
13,
48526,
13,
38629,
737,
23814,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
16144,
796,
705,
61,
6,
1343,
8160,
62,
26011,
13,
33491,
10786,
30,
3256,
705,
59,
8348,
8,
1343,
705,
3,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
26011,
62,
260,
796,
302,
13,
5589,
576,
7,
260,
13,
7266,
7,
10354,
7,
30,
47,
27,
37266,
36937,
64,
12,
89,
62,
60,
28988,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
37456,
285,
25,
29513,
30,
47,
27,
90,
92,
36937,
32,
12,
57,
64,
12,
89,
15,
12,
24,
62,
30,
5,
14,
28,
59,
82,
41441,
59,
84,
19,
68,
405,
12,
59,
84,
24,
13331,
20,
60,
28988,
4458,
18982,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
285,
13,
8094,
10786,
37266,
11537,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
16144,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
26011,
62,
260,
13,
33295,
19510,
13086,
62,
26011,
11,
4808,
26011,
62,
260,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
23814,
58,
13086,
62,
26011,
4083,
33295,
15090,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
9186,
10354,
2378,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
26011,
62,
260,
10354,
4808,
26011,
62,
260,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
26011,
10354,
8160,
62,
26011,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
38629,
10354,
2378,
13,
834,
8692,
62,
6371,
834,
1343,
8160,
62,
38629,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
32092,
628,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
10951,
7,
16351,
13,
43016,
11,
705,
38804,
3256,
705,
27,
4,
82,
29,
6,
4064,
357,
9186,
13,
834,
3672,
834,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
2378,
62,
4480,
62,
1228,
897,
796,
651,
35226,
7,
9186,
13,
48526,
11,
705,
12384,
3256,
23884,
737,
1136,
10786,
4480,
62,
1228,
897,
3256,
10352,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
40259,
318,
6045,
290,
2378,
62,
4480,
62,
1228,
897,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
40259,
796,
2116,
13,
1136,
62,
40259,
7,
33692,
28,
944,
13,
33692,
11,
2378,
62,
4480,
62,
1228,
897,
28,
9186,
62,
4480,
62,
1228,
897,
8,
628,
220,
220,
220,
825,
21136,
7,
944,
11,
3108,
11,
42287,
28,
14202,
11,
12429,
46265,
22046,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
10044,
325,
3709,
422,
257,
19016,
37811,
628,
220,
220,
220,
220,
220,
220,
220,
3709,
796,
2116,
13,
46012,
533,
62,
79,
945,
278,
62,
23814,
7,
6978,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
3709,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
6045,
628,
220,
220,
220,
220,
220,
220,
220,
2482,
796,
14230,
1068,
35,
713,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
39986,
62,
6494,
796,
23884,
198,
220,
220,
220,
220,
220,
220,
220,
329,
6376,
11,
2378,
287,
27056,
378,
7,
23814,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11513,
62,
6978,
796,
2378,
17816,
1102,
13658,
62,
6978,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
27711,
796,
39986,
62,
6494,
13,
1136,
7,
1102,
13658,
62,
6978,
8,
393,
2116,
13,
1136,
62,
35350,
7,
1102,
13658,
62,
6978,
8,
393,
2116,
13,
69,
7569,
62,
7700,
62,
10459,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11513,
62,
6978,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2378,
28,
9186,
17816,
9186,
6,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
42287,
28,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12429,
46265,
22046,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
27711,
318,
407,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
39986,
62,
6494,
58,
1102,
13658,
62,
6978,
60,
796,
27711,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
44267,
62,
9186,
796,
2116,
13,
29572,
62,
9186,
7,
6494,
11,
2378,
17816,
9186,
6,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2482,
58,
9186,
17816,
9186,
6,
4083,
834,
3672,
834,
60,
796,
44267,
62,
9186,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
33918,
13,
67,
8142,
7,
43420,
8,
611,
2482,
2073,
6045,
628,
220,
220,
220,
825,
21207,
62,
7700,
62,
10459,
7,
944,
11,
19016,
11,
2378,
11,
42287,
28,
14202,
11,
12429,
46265,
22046,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
37,
7569,
262,
27711,
286,
1813,
19016,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
19119,
62,
13376,
10786,
62,
13376,
62,
34086,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
611,
651,
35226,
7,
9186,
13,
48526,
11,
705,
12384,
3256,
23884,
737,
1136,
10786,
4480,
62,
1228,
897,
3256,
10352,
8,
290,
2116,
13,
40259,
318,
407,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
40259,
13,
1136,
7,
6371,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2420,
796,
2116,
13,
40259,
13,
7700,
62,
10459,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2420,
14512,
10148,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
10951,
7,
16351,
13,
43016,
11,
705,
31837,
3256,
705,
4,
82,
4064,
82,
939,
6,
4064,
357,
6371,
11,
18896,
7,
5239,
22305,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
18224,
10786,
31837,
3256,
705,
4,
82,
4064,
82,
6,
4064,
357,
6371,
11,
18896,
7,
5239,
22305,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
796,
2420,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2581,
62,
11250,
796,
651,
35226,
7,
9186,
13,
48526,
11,
705,
12384,
3256,
23884,
737,
1136,
10786,
25927,
62,
11250,
3256,
23884,
8,
393,
2116,
13,
12384,
13,
1136,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
25927,
62,
11250,
3256,
23884,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2882,
796,
7007,
13,
1136,
7,
6371,
11,
42287,
28,
37266,
11,
26827,
28,
1314,
11,
12429,
25927,
62,
11250,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2695,
796,
2882,
13,
11299,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
34534,
316,
796,
269,
30215,
316,
13,
15255,
478,
7,
11299,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2420,
796,
2695,
13,
12501,
1098,
7,
354,
945,
316,
17816,
12685,
7656,
20520,
393,
705,
40477,
12,
23,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2882,
13,
13376,
62,
8189,
14512,
939,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
18224,
10786,
31837,
3256,
705,
4,
82,
4064,
82,
4064,
82,
6,
4064,
357,
6371,
11,
18896,
7,
5239,
828,
2882,
13,
13376,
62,
8189,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
10951,
7,
16351,
13,
43016,
11,
705,
31837,
3256,
705,
4,
82,
4064,
82,
4064,
82,
6,
4064,
357,
6371,
11,
18896,
7,
5239,
828,
2882,
13,
13376,
62,
8189,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
796,
2420,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
2617,
62,
35350,
7,
6371,
11,
1255,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
1255,
628,
220,
220,
220,
825,
651,
62,
40259,
7,
944,
11,
6460,
11,
2378,
62,
4480,
62,
1228,
897,
28,
25101,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
3855,
6444,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
611,
407,
651,
35226,
7,
944,
13,
33692,
11,
705,
12384,
3256,
23884,
737,
1136,
10786,
4480,
62,
1228,
897,
3256,
10352,
8,
290,
407,
2378,
62,
4480,
62,
1228,
897,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
611,
651,
35226,
7,
33692,
11,
705,
50145,
3256,
6045,
8,
318,
407,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
1994,
11,
1988,
287,
6460,
13,
50145,
13,
23814,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12971,
62,
2539,
796,
705,
746,
11456,
8457,
13,
7700,
13,
23144,
13847,
364,
13,
90,
92,
4458,
18982,
7,
2539,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3992,
26230,
13,
5960,
1202,
15610,
5738,
13,
11909,
8643,
2662,
20120,
58,
11128,
1799,
62,
2539,
60,
796,
1988,
198,
220,
220,
220,
220,
220,
220,
220,
36381,
62,
25811,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
36381,
62,
25811,
13,
33295,
10786,
438,
2220,
12,
17566,
28,
9562,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
3992,
26230,
13,
2725,
11456,
20120,
7,
15271,
62,
22046,
28,
746,
11456,
62,
25811,
8,
628,
220,
220,
220,
825,
4296,
62,
13376,
7,
944,
11,
1994,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
15562,
434,
12678,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
23870,
13,
1939,
81,
7,
2539,
8,
628,
220,
220,
220,
825,
651,
62,
13376,
7,
944,
11,
1994,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
3855,
12678,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
493,
7,
944,
13,
23870,
13,
1136,
7,
2539,
11,
657,
4008,
628,
220,
220,
220,
825,
900,
62,
23870,
7,
944,
11,
1994,
11,
1988,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
7248,
12940,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
23870,
13,
1136,
7,
2539,
8,
318,
6045,
290,
2116,
13,
23870,
13,
2617,
7,
2539,
11,
1988,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
10951,
7,
16351,
13,
56,
23304,
3913,
11,
705,
30562,
3256,
705,
7248,
27,
4,
82,
29,
6,
4064,
1994,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
19119,
62,
13376,
10786,
62,
13376,
62,
23870,
62,
2617,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
10352,
628,
220,
220,
220,
825,
651,
62,
23870,
7,
944,
11,
1994,
11,
4277,
28,
14202,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
7248,
12940,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
1255,
796,
2116,
13,
23870,
13,
1136,
7,
2539,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
1255,
318,
407,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
10951,
7,
16351,
13,
56,
23304,
3913,
11,
705,
30562,
3256,
705,
3855,
27,
4,
82,
29,
6,
4064,
1994,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
19119,
62,
13376,
10786,
62,
13376,
62,
23870,
62,
1136,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
1255,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
4277,
628,
220,
220,
220,
825,
900,
62,
35350,
7,
944,
11,
1994,
11,
1988,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
7248,
6143,
37811,
628,
220,
220,
220,
220,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
35350,
13,
1136,
7,
2539,
8,
318,
6045,
290,
2116,
13,
35350,
13,
21928,
7,
2539,
11,
1988,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
10951,
7,
16351,
13,
9148,
8924,
11,
705,
31425,
3256,
705,
7248,
27,
4,
82,
29,
6,
4064,
1994,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
19119,
62,
13376,
10786,
62,
13376,
62,
35350,
62,
2617,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
10352,
198,
220,
220,
220,
220,
220,
220,
220,
2845,
35528,
355,
304,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
18224,
10786,
31425,
3256,
705,
7248,
27,
90,
92,
29,
4458,
18982,
7,
2536,
7,
68,
22305,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
10352,
628,
220,
220,
220,
825,
651,
62,
35350,
7,
944,
11,
1994,
11,
4277,
28,
14202,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
7248,
6143,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
1255,
796,
2116,
13,
35350,
13,
1136,
7,
2539,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
1255,
318,
407,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
10951,
7,
16351,
13,
9148,
8924,
11,
705,
31425,
3256,
705,
3855,
27,
4,
82,
29,
6,
4064,
1994,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
19119,
62,
13376,
10786,
62,
13376,
62,
35350,
62,
1136,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
1255,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
4277,
628,
220,
220,
220,
825,
21136,
62,
9186,
7,
944,
11,
27711,
11,
2378,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
10044,
325,
2378,
422,
27711,
37811,
628,
220,
220,
220,
220,
220,
220,
220,
1255,
796,
2378,
13,
29572,
7,
6494,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
20274,
8,
6624,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
18224,
10786,
47,
945,
276,
3256,
705,
7449,
27,
4,
82,
58,
4,
82,
60,
29,
6,
4064,
357,
9186,
13,
834,
3672,
834,
13,
7839,
22784,
18896,
7,
20274,
22305,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
10951,
7,
16351,
13,
34,
56,
1565,
11,
705,
47,
945,
276,
3256,
705,
7449,
27,
4,
82,
58,
4,
82,
60,
29,
6,
4064,
357,
9186,
13,
834,
3672,
834,
13,
7839,
22784,
18896,
7,
20274,
22305,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
1255,
198
] | 2.095332 | 3,042 |
"""
Exercise 2
Write a program to look for lines of the form
New Revision: 39772
And extract the number from each of the lines using a regular expression and
the findall() method. Compute the average of the numbers and print out the
average.
Enter file:mbox.txt
38549.7949721
Enter file:mbox-short.txt
39756.9259259
"""
import re
file = open("mbox-short.txt")
lines = [line.strip("\n") for line in file]
total = 0
count = 0
for line in lines:
if re.findall("New Revision: 397*", line):
count += 1
total += float(line[14:19])
print(total / count)
| [
37811,
198,
3109,
23697,
362,
220,
220,
198,
16594,
257,
1430,
284,
804,
329,
3951,
286,
262,
1296,
198,
3791,
46604,
25,
5014,
43571,
198,
1870,
7925,
262,
1271,
422,
1123,
286,
262,
3951,
1262,
257,
3218,
5408,
290,
198,
1169,
1064,
439,
3419,
2446,
13,
3082,
1133,
262,
2811,
286,
262,
3146,
290,
3601,
503,
262,
198,
23913,
13,
198,
17469,
2393,
25,
2022,
1140,
13,
14116,
198,
27203,
2920,
13,
3720,
38073,
2481,
198,
17469,
2393,
25,
2022,
1140,
12,
19509,
13,
14116,
198,
2670,
38219,
13,
24,
25191,
25191,
198,
37811,
198,
198,
11748,
302,
198,
198,
7753,
796,
1280,
7203,
2022,
1140,
12,
19509,
13,
14116,
4943,
198,
6615,
796,
685,
1370,
13,
36311,
7203,
59,
77,
4943,
329,
1627,
287,
2393,
60,
198,
198,
23350,
796,
657,
198,
9127,
796,
657,
198,
1640,
1627,
287,
3951,
25,
198,
220,
220,
220,
611,
302,
13,
19796,
439,
7203,
3791,
46604,
25,
5014,
22,
9,
1600,
1627,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
954,
15853,
352,
198,
220,
220,
220,
220,
220,
220,
220,
2472,
15853,
12178,
7,
1370,
58,
1415,
25,
1129,
12962,
198,
198,
4798,
7,
23350,
1220,
954,
8,
198
] | 2.874372 | 199 |
###########################################################################
# Imports
###########################################################################
# Standard library imports
import argparse
import time as time
import numpy as np
import math as math
import matplotlib.pyplot as plt
from matplotlib import path
# Local imports
from helper_funcs import *
###########################################################################
# Code
###########################################################################
# KNOWNS
args = cli_parser()
Vinf = args.Vinf
AoA = args.AoA
numB = args.numB
# Convert AoA to radians [rad]
AoAR = AoA * (np.pi / 180)
# Plotting flags
flagPlot = [1, # Shape polygon with panel normal vectors
1, # Geometry boundary pts, control pts, first panel
1, # Analytical and SPM pressure coefficient plot
1, # Streamline plot
1] # Pressure coefficient contour plot
# Grid parameters
# X & Y grid for streamlines and contours
nGridX = nGridY = 150
# X-grid extents [min, max]
xVals = [-2, 2]
# Y-grid extents [min, max]
yVals = [-2, 2]
# %% FUNCTIONS
XB, YB, numPan = create_elliptical_panels(
numB=numB, a=args.ellipse_a, b=args.ellipse_b
)
XB, YB = correct_panels_orientation(numPan, XB, YB)
XC, YC, S, beta, delta, phi = compute_panel_geometries(numPan, XB, YB, AoA)
K, L = compute_kl_vpm(XC, YC, XB, YB, phi, S)
A, b = populate_matrices_vpm(numPan, K, beta, Vinf)
A, b = satisfy_kutta_condition_vpm(numPan, A, b, pct=args.replacement_pct)
gamma = np.linalg.solve(A, b)
print("Sum of gamma: ", sum(gamma * S))
Vt, Cp = compute_panel_velocities(numPan, gamma, beta, L, Vinf)
# Analytical angles and pressure coefficients
# Analytical theta angles [rad]
analyticTheta = np.linspace(0, 2 * np.pi, 200)
# Analytical pressure coefficient []
analyticCP = 1 - 4 * np.sin(analyticTheta)**2
CN, CA, CL, CD, CM = compute_force_coefficients(XC, phi, beta, AoAR, Cp, S)
# Print the results to the Console
print("\n======= RESULTS =======")
print("Lift Coefficient (CL)")
# From Kutta-Joukowski lift equation
print(f" K-J : {2*sum(gamma*S)}")
# From this VPM code
print(f" VPM : {CL}")
print("\nMoment Coefficient (CM)")
print(f" VPM : {CM}")
# %% COMPUTE STREAMLINES - REF [4]
if (flagPlot[3] == 1 or flagPlot[4] == 1):
# Streamline parameters
# Percentage of streamlines of the grid
slPct = 25
# Create array of Y streamline starting points
Ysl = np.linspace(yVals[0], yVals[1], int((slPct / 100) * nGridY))
# Create array of X streamline starting points
Xsl = xVals[0] * np.ones(len(Ysl))
# Concatenate X and Y streamline starting points
XYsl = np.vstack((Xsl.T, Ysl.T)).T
# Generate the grid points
# X-values in evenly spaced grid
Xgrid = np.linspace(xVals[0], xVals[1], nGridX)
# Y-values in evenly spaced grid
Ygrid = np.linspace(yVals[0], yVals[1], nGridY)
# Create meshgrid from X and Y grid arrays
XX, YY = np.meshgrid(Xgrid, Ygrid)
# Initialize velocities
# Initialize X velocity matrix
Vx = np.zeros([nGridX, nGridY])
# Initialize Y velocity matrix
Vy = np.zeros([nGridX, nGridY])
# Path to figure out if grid point is inside polygon or not
# Concatenate XB and YB geometry points
AF = np.vstack((XB.T, YB.T)).T
# Create a path for the geometry
afPath = path.Path(AF)
# Solve for grid point X and Y velocities
tic = time.perf_counter()
# Loop over X-grid points
for m in range(nGridX):
# Loop over Y-grid points
for n in range(nGridY):
# Current iteration's X grid point
XP = XX[m, n]
# Current iteration's Y grid point
YP = YY[m, n]
# Compute Nx and Ny geometric integrals
Nx, Ny = streamline_vpn(XP, YP, XB, YB, phi, S)
# Check if grid points are in object
# - If they are, assign a velocity of zero
# If (XP,YP) is in the body
if afPath.contains_points([(XP, YP)]):
# Set X-velocity equal to zero
Vx[m, n] = 0
# Set Y-velocity equal to zero
Vy[m, n] = 0
else:
# Compute X-velocity
Vx[m, n] = Vinf * np.cos(AoAR) + sum(-gamma * Nx / (2 * np.pi))
# Compute Y-velocity
Vy[m, n] = Vinf * np.sin(AoAR) + sum(-gamma * Ny / (2 * np.pi))
toc = time.perf_counter()
print("\n\nSTREAMLINE_VPM: %.2f seconds" % (toc - tic))
# Compute grid point velocity magnitude and pressure coefficient
# Compute magnitude of velocity vector []
Vxy = np.sqrt(Vx**2 + Vy**2)
# Pressure coefficient []
CpXY = 1 - (Vxy / Vinf)**2
# %% PLOTTING
# FIGURE: Shape polygon with panel normal vectors
if (flagPlot[0] == 1):
# Angles for "perfect" circle
angCirc = np.linspace(0, 2 * np.pi, 1000)
# "Perfect" circle X values
xCirc = np.cos(angCirc)
# "Perfect" circle Y values
yCirc = np.sin(angCirc)
# Create figure
fig = plt.figure(1)
# Clear the axes
plt.cla()
# Plot the circle that polygon is approximating
plt.plot(xCirc, yCirc, 'k--')
# Plot the paneled circle
plt.fill(XB, YB, 'k')
# Initialize 'X'
X = np.zeros(2)
# Initialize 'Y'
Y = np.zeros(2)
# Loop over all panels
for i in range(numPan):
# Set X start of panel orientation vector
X[0] = XC[i]
# Set X end of panel orientation vector
X[1] = XC[i] + S[i] * np.cos(delta[i])
# Set Y start of panel orientation vector
Y[0] = YC[i]
# Set Y end of panel orientation vector
Y[1] = YC[i] + S[i] * np.sin(delta[i])
# If it's the first panel index
if (i == 0):
# Plot the first panel
plt.plot(X, Y, 'b-', label='First Panel')
# If it's the second panel index
elif (i == 1):
# Plot the second panel
plt.plot(X, Y, 'g-', label='Second Panel')
# If it's neither the first nor second panel index
else:
# Plot the rest of the panels
plt.plot(X, Y, 'r-')
# Set X-label
plt.xlabel('X-Axis')
# Set Y-label
plt.ylabel('Y-Axis')
# Set title
plt.title('Panel Geometry')
# Set axes equal
plt.axis('equal')
# Show legend
plt.legend()
fname = os.path.join('figs', 'ellipses', 'panel_geometry.png')
plt.savefig(fname, dpi=args.dpi, bbox_inches='tight')
# FIGURE: Geometry with the following indicated:
# - Boundary points, control points, first panel, second panel
if (flagPlot[1] == 1):
# Create figure
fig = plt.figure(2)
# Get ready for plotting
plt.cla()
# Plot polygon
plt.plot(XB, YB, 'k-', label='Panels')
plt.plot([XB[0], XB[1]], [YB[0], YB[1]], 'b-',
label='First Panel') # Plot first panel
plt.plot([XB[1], XB[2]], [YB[1], YB[2]], 'g-',
label='Second Panel') # Plot second panel
# Plot boundary points
plt.plot(
XB, YB, 'ko', markerfacecolor='k', label='Boundary Points'
)
# Plot control points
plt.plot(
XC, YC, 'ko', markerfacecolor='r', label='Control Points'
)
# Set X-label
plt.xlabel('X-Axis')
# Set Y-label
plt.ylabel('Y-Axis')
# Set title
plt.title('Panel Geometry 2')
# Set axes equal
plt.axis('equal')
# Show legend
plt.legend()
fname = os.path.join('figs', 'ellipses', 'panel_geometry2.png')
plt.savefig(fname, dpi=args.dpi, bbox_inches='tight')
# FIGURE: Analytical and SPM pressure coefficient
if (flagPlot[2] == 1):
# Create figure
fig = plt.figure(3)
# Get ready for plotting
plt.cla()
# Plot analytical pressure coefficient
plt.plot(
analyticTheta * (180 / np.pi), analyticCP, 'b-', label='Analytical'
)
# Plot panel method pressure coefficient
plt.plot(
beta * (180 / np.pi), Cp, 'ks', markerfacecolor='r', label='VPM'
)
# Set X-label
plt.xlabel('Angle [deg]')
# Set Y-label
plt.ylabel('Pressure Coefficient')
# Set title
plt.title('Pressure Coefficient Comparison')
# Set X-limits
plt.xlim(0, 360)
# Set Y-limits
plt.ylim(-3.5, 1.5)
# Show legend
plt.legend()
fname = os.path.join('figs', 'ellipses', 'pressure_coefficient_comparison.png')
plt.savefig(fname, dpi=args.dpi, bbox_inches='tight')
# FIGURE: Streamlines
if (flagPlot[3] == 1):
# Create figure
fig = plt.figure(5)
# Get ready for plotting
plt.cla()
# Ignore underflow error message
np.seterr(under="ignore")
# Plot streamlines
plt.streamplot(
XX, YY, Vx, Vy, linewidth=0.5, density=40, color='r', arrowstyle='-',
start_points=XYsl
)
plt.clim(vmin=0, vmax=2)
# Plot airfoil as black polygon
plt.fill(XB, YB, 'k')
# Set X-label
plt.xlabel('X Units')
# Set Y-label
plt.ylabel('Y Units')
# Set axes equal
plt.gca().set_aspect('equal')
# Set X-limits
plt.xlim(xVals)
# Set Y-limits
plt.ylim(yVals)
fname = os.path.join('figs', 'ellipses', 'streamlines.png')
plt.savefig(fname, dpi=args.dpi, bbox_inches='tight')
# FIGURE: Pressure coefficient contours
if (flagPlot[4] == 1):
# Create figure
fig = plt.figure(6)
# Get ready for plotting
plt.cla()
# Plot contour
plt.contourf(XX, YY, CpXY, 500, cmap='jet')
# Plot airfoil as black polygon
plt.fill(XB, YB, 'k')
# Set X-label
plt.xlabel('X Units')
# Set Y-label
plt.ylabel('Y Units')
# Set axes equal
plt.gca().set_aspect('equal')
# Set X-limits
plt.xlim(xVals)
# Set Y-limits
plt.ylim(yVals)
plt.colorbar()
fname = os.path.join('figs', 'ellipses', 'pressure_coefficient_contours.png')
plt.savefig(fname, dpi=args.dpi, bbox_inches='tight')
| [
29113,
29113,
7804,
21017,
198,
2,
1846,
3742,
198,
29113,
29113,
7804,
21017,
198,
2,
8997,
5888,
17944,
198,
11748,
1822,
29572,
198,
11748,
640,
355,
640,
198,
11748,
299,
32152,
355,
45941,
198,
11748,
10688,
355,
10688,
198,
11748,
2603,
29487,
8019,
13,
9078,
29487,
355,
458,
83,
198,
6738,
2603,
29487,
8019,
1330,
3108,
628,
198,
2,
10714,
17944,
198,
6738,
31904,
62,
12543,
6359,
1330,
1635,
198,
198,
29113,
29113,
7804,
21017,
198,
2,
6127,
198,
29113,
29113,
7804,
21017,
628,
198,
198,
2,
35876,
8035,
198,
22046,
796,
537,
72,
62,
48610,
3419,
198,
198,
53,
10745,
796,
26498,
13,
53,
10745,
198,
32,
78,
32,
796,
26498,
13,
32,
78,
32,
198,
22510,
33,
796,
26498,
13,
22510,
33,
198,
198,
2,
38240,
27378,
32,
284,
2511,
1547,
685,
6335,
60,
198,
32,
78,
1503,
796,
27378,
32,
1635,
357,
37659,
13,
14415,
1220,
11546,
8,
198,
198,
2,
28114,
889,
9701,
198,
32109,
43328,
796,
685,
16,
11,
220,
220,
220,
220,
220,
1303,
25959,
7514,
14520,
351,
6103,
3487,
30104,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
352,
11,
220,
220,
220,
220,
220,
1303,
2269,
15748,
18645,
43344,
11,
1630,
43344,
11,
717,
6103,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
352,
11,
220,
220,
220,
220,
220,
1303,
16213,
22869,
290,
311,
5868,
3833,
35381,
7110,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
352,
11,
220,
220,
220,
220,
220,
1303,
13860,
1370,
7110,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
352,
60,
220,
220,
220,
220,
220,
1303,
30980,
35381,
542,
454,
7110,
198,
198,
2,
24846,
10007,
198,
2,
1395,
1222,
575,
10706,
329,
4269,
6615,
290,
542,
4662,
198,
77,
41339,
55,
796,
299,
41339,
56,
796,
6640,
198,
198,
2,
1395,
12,
25928,
1070,
658,
685,
1084,
11,
3509,
60,
198,
87,
53,
874,
796,
25915,
17,
11,
362,
60,
198,
198,
2,
575,
12,
25928,
1070,
658,
685,
1084,
11,
3509,
60,
198,
88,
53,
874,
796,
25915,
17,
11,
362,
60,
198,
198,
2,
43313,
29397,
4177,
11053,
198,
55,
33,
11,
575,
33,
11,
997,
15730,
796,
2251,
62,
695,
10257,
605,
62,
6839,
1424,
7,
198,
220,
220,
220,
997,
33,
28,
22510,
33,
11,
257,
28,
22046,
13,
695,
541,
325,
62,
64,
11,
275,
28,
22046,
13,
695,
541,
325,
62,
65,
198,
8,
198,
55,
33,
11,
575,
33,
796,
3376,
62,
6839,
1424,
62,
13989,
341,
7,
22510,
15730,
11,
1395,
33,
11,
575,
33,
8,
198,
55,
34,
11,
575,
34,
11,
311,
11,
12159,
11,
25979,
11,
872,
72,
796,
24061,
62,
35330,
62,
469,
908,
1678,
7,
22510,
15730,
11,
1395,
33,
11,
575,
33,
11,
27378,
32,
8,
198,
42,
11,
406,
796,
24061,
62,
41582,
62,
85,
4426,
7,
55,
34,
11,
575,
34,
11,
1395,
33,
11,
575,
33,
11,
872,
72,
11,
311,
8,
198,
32,
11,
275,
796,
48040,
62,
6759,
45977,
62,
85,
4426,
7,
22510,
15730,
11,
509,
11,
12159,
11,
569,
10745,
8,
198,
32,
11,
275,
796,
15959,
62,
74,
315,
8326,
62,
31448,
62,
85,
4426,
7,
22510,
15730,
11,
317,
11,
275,
11,
279,
310,
28,
22046,
13,
35666,
5592,
62,
79,
310,
8,
198,
198,
28483,
2611,
796,
45941,
13,
75,
1292,
70,
13,
82,
6442,
7,
32,
11,
275,
8,
198,
4798,
7203,
13065,
286,
34236,
25,
33172,
2160,
7,
28483,
2611,
1635,
311,
4008,
198,
198,
53,
83,
11,
327,
79,
796,
24061,
62,
35330,
62,
626,
420,
871,
7,
22510,
15730,
11,
34236,
11,
12159,
11,
406,
11,
569,
10745,
8,
198,
198,
2,
16213,
22869,
18333,
290,
3833,
44036,
198,
2,
16213,
22869,
262,
8326,
18333,
685,
6335,
60,
198,
38200,
13370,
464,
8326,
796,
45941,
13,
21602,
10223,
7,
15,
11,
362,
1635,
45941,
13,
14415,
11,
939,
8,
198,
2,
16213,
22869,
3833,
35381,
17635,
198,
38200,
13370,
8697,
796,
352,
532,
604,
1635,
45941,
13,
31369,
7,
38200,
13370,
464,
8326,
8,
1174,
17,
198,
198,
44175,
11,
7257,
11,
7852,
11,
6458,
11,
16477,
796,
24061,
62,
3174,
62,
1073,
41945,
7,
55,
34,
11,
872,
72,
11,
12159,
11,
27378,
1503,
11,
327,
79,
11,
311,
8,
198,
198,
2,
12578,
262,
2482,
284,
262,
24371,
198,
4798,
7203,
59,
77,
1421,
18604,
15731,
35342,
29335,
855,
4943,
198,
4798,
7203,
43,
2135,
1766,
16814,
357,
5097,
8,
4943,
198,
2,
3574,
40323,
8326,
12,
41,
280,
26216,
10303,
16022,
198,
4798,
7,
69,
1,
220,
509,
12,
41,
220,
1058,
1391,
17,
9,
16345,
7,
28483,
2611,
9,
50,
38165,
4943,
198,
198,
2,
3574,
428,
569,
5868,
2438,
198,
4798,
7,
69,
1,
220,
569,
5868,
220,
1058,
1391,
5097,
92,
4943,
198,
4798,
7203,
59,
77,
29252,
298,
1766,
16814,
357,
24187,
8,
4943,
198,
4798,
7,
69,
1,
220,
569,
5868,
220,
1058,
1391,
24187,
92,
4943,
198,
198,
2,
43313,
24301,
37780,
3563,
32235,
34509,
1546,
532,
4526,
37,
685,
19,
60,
198,
198,
361,
357,
32109,
43328,
58,
18,
60,
6624,
352,
393,
6056,
43328,
58,
19,
60,
6624,
352,
2599,
198,
220,
220,
220,
1303,
13860,
1370,
10007,
198,
220,
220,
220,
1303,
36013,
286,
4269,
6615,
286,
262,
10706,
198,
220,
220,
220,
1017,
47,
310,
796,
1679,
198,
220,
220,
220,
1303,
13610,
7177,
286,
575,
4269,
1370,
3599,
2173,
198,
220,
220,
220,
575,
6649,
796,
45941,
13,
21602,
10223,
7,
88,
53,
874,
58,
15,
4357,
331,
53,
874,
58,
16,
4357,
493,
19510,
6649,
47,
310,
1220,
1802,
8,
1635,
299,
41339,
56,
4008,
198,
220,
220,
220,
1303,
13610,
7177,
286,
1395,
4269,
1370,
3599,
2173,
198,
220,
220,
220,
1395,
6649,
796,
2124,
53,
874,
58,
15,
60,
1635,
45941,
13,
1952,
7,
11925,
7,
56,
6649,
4008,
198,
220,
220,
220,
1303,
1482,
9246,
268,
378,
1395,
290,
575,
4269,
1370,
3599,
2173,
198,
220,
220,
220,
41420,
6649,
796,
45941,
13,
85,
25558,
19510,
55,
6649,
13,
51,
11,
575,
6649,
13,
51,
29720,
51,
628,
220,
220,
220,
1303,
2980,
378,
262,
10706,
2173,
198,
220,
220,
220,
1303,
1395,
12,
27160,
287,
21894,
38980,
10706,
198,
220,
220,
220,
1395,
25928,
796,
45941,
13,
21602,
10223,
7,
87,
53,
874,
58,
15,
4357,
2124,
53,
874,
58,
16,
4357,
299,
41339,
55,
8,
198,
220,
220,
220,
1303,
575,
12,
27160,
287,
21894,
38980,
10706,
198,
220,
220,
220,
575,
25928,
796,
45941,
13,
21602,
10223,
7,
88,
53,
874,
58,
15,
4357,
331,
53,
874,
58,
16,
4357,
299,
41339,
56,
8,
198,
220,
220,
220,
1303,
13610,
19609,
25928,
422,
1395,
290,
575,
10706,
26515,
198,
220,
220,
220,
21044,
11,
575,
56,
796,
45941,
13,
76,
5069,
25928,
7,
55,
25928,
11,
575,
25928,
8,
628,
220,
220,
220,
1303,
20768,
1096,
11555,
420,
871,
198,
220,
220,
220,
1303,
20768,
1096,
1395,
15432,
17593,
198,
220,
220,
220,
569,
87,
796,
45941,
13,
9107,
418,
26933,
77,
41339,
55,
11,
299,
41339,
56,
12962,
198,
220,
220,
220,
1303,
20768,
1096,
575,
15432,
17593,
198,
220,
220,
220,
569,
88,
796,
45941,
13,
9107,
418,
26933,
77,
41339,
55,
11,
299,
41339,
56,
12962,
628,
220,
220,
220,
1303,
10644,
284,
3785,
503,
611,
10706,
966,
318,
2641,
7514,
14520,
393,
407,
198,
220,
220,
220,
1303,
1482,
9246,
268,
378,
1395,
33,
290,
575,
33,
22939,
2173,
198,
220,
220,
220,
12341,
796,
45941,
13,
85,
25558,
19510,
55,
33,
13,
51,
11,
575,
33,
13,
51,
29720,
51,
198,
220,
220,
220,
1303,
13610,
257,
3108,
329,
262,
22939,
198,
220,
220,
220,
6580,
15235,
796,
3108,
13,
15235,
7,
8579,
8,
628,
220,
220,
220,
1303,
4294,
303,
329,
10706,
966,
1395,
290,
575,
11555,
420,
871,
198,
220,
220,
220,
256,
291,
796,
640,
13,
525,
69,
62,
24588,
3419,
198,
220,
220,
220,
1303,
26304,
625,
1395,
12,
25928,
2173,
198,
220,
220,
220,
329,
285,
287,
2837,
7,
77,
41339,
55,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
26304,
625,
575,
12,
25928,
2173,
198,
220,
220,
220,
220,
220,
220,
220,
329,
299,
287,
2837,
7,
77,
41339,
56,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
9236,
24415,
338,
1395,
10706,
966,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11961,
796,
21044,
58,
76,
11,
299,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
9236,
24415,
338,
575,
10706,
966,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
575,
47,
796,
575,
56,
58,
76,
11,
299,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
3082,
1133,
399,
87,
290,
17735,
38445,
4132,
30691,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
399,
87,
11,
17735,
796,
4269,
1370,
62,
85,
21999,
7,
27481,
11,
575,
47,
11,
1395,
33,
11,
575,
33,
11,
872,
72,
11,
311,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
611,
10706,
2173,
389,
287,
2134,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
532,
1002,
484,
389,
11,
8333,
257,
15432,
286,
6632,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
357,
27481,
11,
48232,
8,
318,
287,
262,
1767,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
6580,
15235,
13,
3642,
1299,
62,
13033,
26933,
7,
27481,
11,
575,
47,
15437,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
5345,
1395,
12,
626,
11683,
4961,
284,
6632,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
569,
87,
58,
76,
11,
299,
60,
796,
657,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
5345,
575,
12,
626,
11683,
4961,
284,
6632,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
569,
88,
58,
76,
11,
299,
60,
796,
657,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
3082,
1133,
1395,
12,
626,
11683,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
569,
87,
58,
76,
11,
299,
60,
796,
569,
10745,
1635,
45941,
13,
6966,
7,
32,
78,
1503,
8,
1343,
2160,
32590,
28483,
2611,
1635,
399,
87,
1220,
357,
17,
1635,
45941,
13,
14415,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
3082,
1133,
575,
12,
626,
11683,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
569,
88,
58,
76,
11,
299,
60,
796,
569,
10745,
1635,
45941,
13,
31369,
7,
32,
78,
1503,
8,
1343,
2160,
32590,
28483,
2611,
1635,
17735,
1220,
357,
17,
1635,
45941,
13,
14415,
4008,
198,
220,
220,
220,
284,
66,
796,
640,
13,
525,
69,
62,
24588,
3419,
198,
220,
220,
220,
3601,
7203,
59,
77,
59,
77,
2257,
32235,
24027,
62,
53,
5868,
25,
4064,
13,
17,
69,
4201,
1,
4064,
357,
40301,
532,
256,
291,
4008,
628,
220,
220,
220,
1303,
3082,
1133,
10706,
966,
15432,
14735,
290,
3833,
35381,
198,
220,
220,
220,
1303,
3082,
1133,
14735,
286,
15432,
15879,
17635,
198,
220,
220,
220,
569,
5431,
796,
45941,
13,
31166,
17034,
7,
53,
87,
1174,
17,
1343,
569,
88,
1174,
17,
8,
198,
220,
220,
220,
1303,
30980,
35381,
17635,
198,
220,
220,
220,
327,
79,
34278,
796,
352,
532,
357,
53,
5431,
1220,
569,
10745,
8,
1174,
17,
198,
198,
2,
43313,
9297,
29089,
2751,
198,
198,
2,
19697,
11335,
25,
25959,
7514,
14520,
351,
6103,
3487,
30104,
198,
361,
357,
32109,
43328,
58,
15,
60,
6624,
352,
2599,
198,
220,
220,
220,
1303,
2895,
829,
329,
366,
25833,
1,
9197,
198,
220,
220,
220,
3550,
31560,
796,
45941,
13,
21602,
10223,
7,
15,
11,
362,
1635,
45941,
13,
14415,
11,
8576,
8,
198,
220,
220,
220,
1303,
366,
36635,
1,
9197,
1395,
3815,
198,
220,
220,
220,
2124,
31560,
796,
45941,
13,
6966,
7,
648,
31560,
8,
198,
220,
220,
220,
1303,
366,
36635,
1,
9197,
575,
3815,
198,
220,
220,
220,
331,
31560,
796,
45941,
13,
31369,
7,
648,
31560,
8,
198,
220,
220,
220,
1303,
13610,
3785,
198,
220,
220,
220,
2336,
796,
458,
83,
13,
26875,
7,
16,
8,
198,
220,
220,
220,
1303,
11459,
262,
34197,
198,
220,
220,
220,
458,
83,
13,
565,
64,
3419,
198,
220,
220,
220,
1303,
28114,
262,
9197,
326,
7514,
14520,
318,
5561,
39204,
198,
220,
220,
220,
458,
83,
13,
29487,
7,
87,
31560,
11,
331,
31560,
11,
705,
74,
438,
11537,
198,
220,
220,
220,
1303,
28114,
262,
6103,
276,
9197,
198,
220,
220,
220,
458,
83,
13,
20797,
7,
55,
33,
11,
575,
33,
11,
705,
74,
11537,
198,
220,
220,
220,
1303,
20768,
1096,
705,
55,
6,
198,
220,
220,
220,
1395,
796,
45941,
13,
9107,
418,
7,
17,
8,
198,
220,
220,
220,
1303,
20768,
1096,
705,
56,
6,
198,
220,
220,
220,
575,
796,
45941,
13,
9107,
418,
7,
17,
8,
628,
220,
220,
220,
1303,
26304,
625,
477,
13043,
198,
220,
220,
220,
329,
1312,
287,
2837,
7,
22510,
15730,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
5345,
1395,
923,
286,
6103,
12852,
15879,
198,
220,
220,
220,
220,
220,
220,
220,
1395,
58,
15,
60,
796,
1395,
34,
58,
72,
60,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
5345,
1395,
886,
286,
6103,
12852,
15879,
198,
220,
220,
220,
220,
220,
220,
220,
1395,
58,
16,
60,
796,
1395,
34,
58,
72,
60,
1343,
311,
58,
72,
60,
1635,
45941,
13,
6966,
7,
67,
12514,
58,
72,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
5345,
575,
923,
286,
6103,
12852,
15879,
198,
220,
220,
220,
220,
220,
220,
220,
575,
58,
15,
60,
796,
575,
34,
58,
72,
60,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
5345,
575,
886,
286,
6103,
12852,
15879,
198,
220,
220,
220,
220,
220,
220,
220,
575,
58,
16,
60,
796,
575,
34,
58,
72,
60,
1343,
311,
58,
72,
60,
1635,
45941,
13,
31369,
7,
67,
12514,
58,
72,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
340,
338,
262,
717,
6103,
6376,
198,
220,
220,
220,
220,
220,
220,
220,
611,
357,
72,
6624,
657,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
28114,
262,
717,
6103,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
458,
83,
13,
29487,
7,
55,
11,
575,
11,
705,
65,
12,
3256,
6167,
11639,
5962,
18810,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
340,
338,
262,
1218,
6103,
6376,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
357,
72,
6624,
352,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
28114,
262,
1218,
6103,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
458,
83,
13,
29487,
7,
55,
11,
575,
11,
705,
70,
12,
3256,
6167,
11639,
12211,
18810,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
340,
338,
6159,
262,
717,
4249,
1218,
6103,
6376,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
28114,
262,
1334,
286,
262,
13043,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
458,
83,
13,
29487,
7,
55,
11,
575,
11,
705,
81,
12,
11537,
198,
220,
220,
220,
1303,
5345,
1395,
12,
18242,
198,
220,
220,
220,
458,
83,
13,
87,
18242,
10786,
55,
12,
31554,
271,
11537,
198,
220,
220,
220,
1303,
5345,
575,
12,
18242,
198,
220,
220,
220,
458,
83,
13,
2645,
9608,
10786,
56,
12,
31554,
271,
11537,
198,
220,
220,
220,
1303,
5345,
3670,
198,
220,
220,
220,
458,
83,
13,
7839,
10786,
26639,
2269,
15748,
11537,
198,
220,
220,
220,
1303,
5345,
34197,
4961,
198,
220,
220,
220,
458,
83,
13,
22704,
10786,
40496,
11537,
198,
220,
220,
220,
1303,
5438,
8177,
198,
220,
220,
220,
458,
83,
13,
1455,
437,
3419,
198,
220,
220,
220,
277,
3672,
796,
28686,
13,
6978,
13,
22179,
10786,
5647,
82,
3256,
705,
695,
2419,
274,
3256,
705,
35330,
62,
469,
15748,
13,
11134,
11537,
198,
220,
220,
220,
458,
83,
13,
21928,
5647,
7,
69,
3672,
11,
288,
14415,
28,
22046,
13,
67,
14415,
11,
275,
3524,
62,
45457,
11639,
33464,
11537,
198,
198,
2,
19697,
11335,
25,
2269,
15748,
351,
262,
1708,
8203,
25,
198,
2,
532,
30149,
560,
2173,
11,
1630,
2173,
11,
717,
6103,
11,
1218,
6103,
198,
361,
357,
32109,
43328,
58,
16,
60,
6624,
352,
2599,
198,
220,
220,
220,
1303,
13610,
3785,
198,
220,
220,
220,
2336,
796,
458,
83,
13,
26875,
7,
17,
8,
198,
220,
220,
220,
1303,
3497,
3492,
329,
29353,
198,
220,
220,
220,
458,
83,
13,
565,
64,
3419,
198,
220,
220,
220,
1303,
28114,
7514,
14520,
198,
220,
220,
220,
458,
83,
13,
29487,
7,
55,
33,
11,
575,
33,
11,
705,
74,
12,
3256,
6167,
11639,
15730,
1424,
11537,
198,
220,
220,
220,
458,
83,
13,
29487,
26933,
55,
33,
58,
15,
4357,
1395,
33,
58,
16,
60,
4357,
685,
56,
33,
58,
15,
4357,
575,
33,
58,
16,
60,
4357,
705,
65,
12,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6167,
11639,
5962,
18810,
11537,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
28114,
717,
6103,
198,
220,
220,
220,
458,
83,
13,
29487,
26933,
55,
33,
58,
16,
4357,
1395,
33,
58,
17,
60,
4357,
685,
56,
33,
58,
16,
4357,
575,
33,
58,
17,
60,
4357,
705,
70,
12,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6167,
11639,
12211,
18810,
11537,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
28114,
1218,
6103,
628,
220,
220,
220,
1303,
28114,
18645,
2173,
198,
220,
220,
220,
458,
83,
13,
29487,
7,
198,
220,
220,
220,
220,
220,
220,
220,
1395,
33,
11,
575,
33,
11,
705,
7204,
3256,
18364,
2550,
8043,
11639,
74,
3256,
6167,
11639,
49646,
560,
11045,
6,
198,
220,
220,
220,
1267,
628,
220,
220,
220,
1303,
28114,
1630,
2173,
198,
220,
220,
220,
458,
83,
13,
29487,
7,
198,
220,
220,
220,
220,
220,
220,
220,
1395,
34,
11,
575,
34,
11,
705,
7204,
3256,
18364,
2550,
8043,
11639,
81,
3256,
6167,
11639,
15988,
11045,
6,
198,
220,
220,
220,
1267,
198,
220,
220,
220,
1303,
5345,
1395,
12,
18242,
198,
220,
220,
220,
458,
83,
13,
87,
18242,
10786,
55,
12,
31554,
271,
11537,
198,
220,
220,
220,
1303,
5345,
575,
12,
18242,
198,
220,
220,
220,
458,
83,
13,
2645,
9608,
10786,
56,
12,
31554,
271,
11537,
198,
220,
220,
220,
1303,
5345,
3670,
198,
220,
220,
220,
458,
83,
13,
7839,
10786,
26639,
2269,
15748,
362,
11537,
198,
220,
220,
220,
1303,
5345,
34197,
4961,
198,
220,
220,
220,
458,
83,
13,
22704,
10786,
40496,
11537,
198,
220,
220,
220,
1303,
5438,
8177,
198,
220,
220,
220,
458,
83,
13,
1455,
437,
3419,
198,
220,
220,
220,
277,
3672,
796,
28686,
13,
6978,
13,
22179,
10786,
5647,
82,
3256,
705,
695,
2419,
274,
3256,
705,
35330,
62,
469,
15748,
17,
13,
11134,
11537,
198,
220,
220,
220,
458,
83,
13,
21928,
5647,
7,
69,
3672,
11,
288,
14415,
28,
22046,
13,
67,
14415,
11,
275,
3524,
62,
45457,
11639,
33464,
11537,
198,
198,
2,
19697,
11335,
25,
16213,
22869,
290,
311,
5868,
3833,
35381,
198,
361,
357,
32109,
43328,
58,
17,
60,
6624,
352,
2599,
198,
220,
220,
220,
1303,
13610,
3785,
198,
220,
220,
220,
2336,
796,
458,
83,
13,
26875,
7,
18,
8,
198,
220,
220,
220,
1303,
3497,
3492,
329,
29353,
198,
220,
220,
220,
458,
83,
13,
565,
64,
3419,
628,
220,
220,
220,
1303,
28114,
30063,
3833,
35381,
198,
220,
220,
220,
458,
83,
13,
29487,
7,
198,
220,
220,
220,
220,
220,
220,
220,
49166,
464,
8326,
1635,
357,
15259,
1220,
45941,
13,
14415,
828,
49166,
8697,
11,
705,
65,
12,
3256,
6167,
11639,
37702,
22869,
6,
198,
220,
220,
220,
1267,
628,
220,
220,
220,
1303,
28114,
6103,
2446,
3833,
35381,
198,
220,
220,
220,
458,
83,
13,
29487,
7,
198,
220,
220,
220,
220,
220,
220,
220,
12159,
1635,
357,
15259,
1220,
45941,
13,
14415,
828,
327,
79,
11,
705,
591,
3256,
18364,
2550,
8043,
11639,
81,
3256,
6167,
11639,
53,
5868,
6,
198,
220,
220,
220,
1267,
198,
220,
220,
220,
1303,
5345,
1395,
12,
18242,
198,
220,
220,
220,
458,
83,
13,
87,
18242,
10786,
13450,
293,
685,
13500,
60,
11537,
198,
220,
220,
220,
1303,
5345,
575,
12,
18242,
198,
220,
220,
220,
458,
83,
13,
2645,
9608,
10786,
13800,
495,
1766,
16814,
11537,
198,
220,
220,
220,
1303,
5345,
3670,
198,
220,
220,
220,
458,
83,
13,
7839,
10786,
13800,
495,
1766,
16814,
34420,
11537,
198,
220,
220,
220,
1303,
5345,
1395,
12,
49196,
198,
220,
220,
220,
458,
83,
13,
87,
2475,
7,
15,
11,
11470,
8,
198,
220,
220,
220,
1303,
5345,
575,
12,
49196,
198,
220,
220,
220,
458,
83,
13,
88,
2475,
32590,
18,
13,
20,
11,
352,
13,
20,
8,
198,
220,
220,
220,
1303,
5438,
8177,
198,
220,
220,
220,
458,
83,
13,
1455,
437,
3419,
198,
220,
220,
220,
277,
3672,
796,
28686,
13,
6978,
13,
22179,
10786,
5647,
82,
3256,
705,
695,
2419,
274,
3256,
705,
36151,
62,
1073,
16814,
62,
785,
1845,
1653,
13,
11134,
11537,
198,
220,
220,
220,
458,
83,
13,
21928,
5647,
7,
69,
3672,
11,
288,
14415,
28,
22046,
13,
67,
14415,
11,
275,
3524,
62,
45457,
11639,
33464,
11537,
198,
198,
2,
19697,
11335,
25,
13860,
6615,
198,
361,
357,
32109,
43328,
58,
18,
60,
6624,
352,
2599,
198,
220,
220,
220,
1303,
13610,
3785,
198,
220,
220,
220,
2336,
796,
458,
83,
13,
26875,
7,
20,
8,
198,
220,
220,
220,
1303,
3497,
3492,
329,
29353,
198,
220,
220,
220,
458,
83,
13,
565,
64,
3419,
198,
220,
220,
220,
1303,
41032,
739,
11125,
4049,
3275,
198,
220,
220,
220,
45941,
13,
82,
2357,
81,
7,
4625,
2625,
46430,
4943,
628,
220,
220,
220,
1303,
28114,
4269,
6615,
198,
220,
220,
220,
458,
83,
13,
5532,
29487,
7,
198,
220,
220,
220,
220,
220,
220,
220,
21044,
11,
575,
56,
11,
569,
87,
11,
569,
88,
11,
9493,
413,
5649,
28,
15,
13,
20,
11,
12109,
28,
1821,
11,
3124,
11639,
81,
3256,
15452,
7635,
11639,
12,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
923,
62,
13033,
28,
34278,
6649,
198,
220,
220,
220,
1267,
198,
220,
220,
220,
458,
83,
13,
565,
320,
7,
85,
1084,
28,
15,
11,
410,
9806,
28,
17,
8,
198,
220,
220,
220,
1303,
28114,
1633,
6513,
346,
355,
2042,
7514,
14520,
198,
220,
220,
220,
458,
83,
13,
20797,
7,
55,
33,
11,
575,
33,
11,
705,
74,
11537,
198,
220,
220,
220,
1303,
5345,
1395,
12,
18242,
198,
220,
220,
220,
458,
83,
13,
87,
18242,
10786,
55,
27719,
11537,
198,
220,
220,
220,
1303,
5345,
575,
12,
18242,
198,
220,
220,
220,
458,
83,
13,
2645,
9608,
10786,
56,
27719,
11537,
198,
220,
220,
220,
1303,
5345,
34197,
4961,
198,
220,
220,
220,
458,
83,
13,
70,
6888,
22446,
2617,
62,
292,
806,
10786,
40496,
11537,
198,
220,
220,
220,
1303,
5345,
1395,
12,
49196,
198,
220,
220,
220,
458,
83,
13,
87,
2475,
7,
87,
53,
874,
8,
198,
220,
220,
220,
1303,
5345,
575,
12,
49196,
198,
220,
220,
220,
458,
83,
13,
88,
2475,
7,
88,
53,
874,
8,
198,
220,
220,
220,
277,
3672,
796,
28686,
13,
6978,
13,
22179,
10786,
5647,
82,
3256,
705,
695,
2419,
274,
3256,
705,
5532,
6615,
13,
11134,
11537,
198,
220,
220,
220,
458,
83,
13,
21928,
5647,
7,
69,
3672,
11,
288,
14415,
28,
22046,
13,
67,
14415,
11,
275,
3524,
62,
45457,
11639,
33464,
11537,
198,
198,
2,
19697,
11335,
25,
30980,
35381,
542,
4662,
198,
361,
357,
32109,
43328,
58,
19,
60,
6624,
352,
2599,
198,
220,
220,
220,
1303,
13610,
3785,
198,
220,
220,
220,
2336,
796,
458,
83,
13,
26875,
7,
21,
8,
198,
220,
220,
220,
1303,
3497,
3492,
329,
29353,
198,
220,
220,
220,
458,
83,
13,
565,
64,
3419,
198,
220,
220,
220,
1303,
28114,
542,
454,
198,
220,
220,
220,
458,
83,
13,
3642,
454,
69,
7,
8051,
11,
575,
56,
11,
327,
79,
34278,
11,
5323,
11,
269,
8899,
11639,
31173,
11537,
198,
220,
220,
220,
1303,
28114,
1633,
6513,
346,
355,
2042,
7514,
14520,
198,
220,
220,
220,
458,
83,
13,
20797,
7,
55,
33,
11,
575,
33,
11,
705,
74,
11537,
198,
220,
220,
220,
1303,
5345,
1395,
12,
18242,
198,
220,
220,
220,
458,
83,
13,
87,
18242,
10786,
55,
27719,
11537,
198,
220,
220,
220,
1303,
5345,
575,
12,
18242,
198,
220,
220,
220,
458,
83,
13,
2645,
9608,
10786,
56,
27719,
11537,
198,
220,
220,
220,
1303,
5345,
34197,
4961,
198,
220,
220,
220,
458,
83,
13,
70,
6888,
22446,
2617,
62,
292,
806,
10786,
40496,
11537,
198,
220,
220,
220,
1303,
5345,
1395,
12,
49196,
198,
220,
220,
220,
458,
83,
13,
87,
2475,
7,
87,
53,
874,
8,
198,
220,
220,
220,
1303,
5345,
575,
12,
49196,
198,
220,
220,
220,
458,
83,
13,
88,
2475,
7,
88,
53,
874,
8,
198,
220,
220,
220,
458,
83,
13,
8043,
5657,
3419,
198,
220,
220,
220,
277,
3672,
796,
28686,
13,
6978,
13,
22179,
10786,
5647,
82,
3256,
705,
695,
2419,
274,
3256,
705,
36151,
62,
1073,
16814,
62,
3642,
4662,
13,
11134,
11537,
198,
220,
220,
220,
458,
83,
13,
21928,
5647,
7,
69,
3672,
11,
288,
14415,
28,
22046,
13,
67,
14415,
11,
275,
3524,
62,
45457,
11639,
33464,
11537,
198
] | 2.252322 | 4,415 |
from .devices import data_parallel, empty_cache, find, move_to_device, CPU, GPU | [
6738,
764,
42034,
1330,
1366,
62,
1845,
29363,
11,
6565,
62,
23870,
11,
1064,
11,
1445,
62,
1462,
62,
25202,
11,
9135,
11,
11362
] | 3.291667 | 24 |
##
##
## Interface to allow remote kerberos authentication via Multiplexor
##
##
##
##
##
## TODO: RPC auth type is not implemented or tested!!!!
from msldap.authentication.spnego.asn1_structs import KRB5Token
from msldap.authentication.kerberos.gssapi import get_gssapi, GSSWrapToken, KRB5_MECH_INDEP_TOKEN
from minikerberos.protocol.asn1_structs import AP_REQ, AP_REP, TGS_REP
from minikerberos.protocol.encryption import Enctype, Key, _enctype_table
from multiplexor.operator.external.sspi import KerberosSSPIClient
from multiplexor.operator import MultiplexorOperator
import enum
# mutual auth not supported
# encryption is always on
# we dont get the output flags back (lack of time to do the multiplexor protocol... TODO
| [
198,
2235,
220,
198,
2235,
198,
2235,
26491,
284,
1249,
6569,
41927,
527,
418,
18239,
2884,
20401,
87,
273,
198,
2235,
220,
198,
2235,
198,
2235,
198,
2235,
198,
2235,
198,
2235,
16926,
46,
25,
39400,
6284,
2099,
318,
407,
9177,
393,
6789,
13896,
198,
198,
6738,
13845,
335,
499,
13,
41299,
3299,
13,
2777,
710,
2188,
13,
292,
77,
16,
62,
7249,
82,
1330,
509,
27912,
20,
30642,
198,
6738,
13845,
335,
499,
13,
41299,
3299,
13,
6122,
527,
418,
13,
70,
824,
15042,
1330,
651,
62,
70,
824,
15042,
11,
402,
5432,
54,
2416,
30642,
11,
509,
27912,
20,
62,
44,
25994,
62,
1268,
46162,
62,
10468,
43959,
198,
6738,
949,
18320,
527,
418,
13,
11235,
4668,
13,
292,
77,
16,
62,
7249,
82,
1330,
3486,
62,
2200,
48,
11,
3486,
62,
35316,
11,
309,
14313,
62,
35316,
198,
6738,
949,
18320,
527,
418,
13,
11235,
4668,
13,
12685,
13168,
1330,
2039,
310,
2981,
11,
7383,
11,
4808,
268,
310,
2981,
62,
11487,
198,
198,
6738,
3294,
87,
273,
13,
46616,
13,
22615,
13,
824,
14415,
1330,
17337,
527,
418,
50,
4303,
2149,
75,
1153,
198,
6738,
3294,
87,
273,
13,
46616,
1330,
20401,
87,
273,
18843,
1352,
198,
11748,
33829,
198,
198,
2,
13584,
6284,
407,
4855,
198,
2,
15835,
318,
1464,
319,
198,
2,
356,
17666,
651,
262,
5072,
9701,
736,
357,
75,
441,
286,
640,
284,
466,
262,
3294,
87,
273,
8435,
986,
16926,
46,
198,
197,
197
] | 3.024691 | 243 |
#!/usr/bin/python
# Copyright: (c) 2020, Tatsuya Naganawa <[email protected]>
# GNU General Public License v3.0+ (see COPYING or https://www.gnu.org/licenses/gpl-3.0.txt)
ANSIBLE_METADATA = {
'metadata_version': '1.1',
'status': ['preview'],
'supported_by': 'community'
}
DOCUMENTATION = '''
---
module: firewall_rule
short_description: create tungstenfabirc firewall-rule
version_added: "2.9"
description:
- "create / delete tungstenfabric firewall-rule"
options:
name:
description:
- firewall-rule name
required: true
controller_ip:
description:
- tungstenfabric controller ip
required: true
project:
description:
- project name (if it is defined, firewall-rule will be project scoped rule)
required: false
firewall_rule:
description:
- rule of this firewall-rule (see EXAMPLES)
required: false
author:
- Tatsuya Naganawa (@tnaganawa)
'''
EXAMPLES = '''
- name: create firewall_rule
tungstenfabric.networking.firewall_rule:
name: firewall_rule1
controller_ip: x.x.x.x
state: present
endpoint_1: {virtual_network: default-domain:admin:vn1}
endpoint_2: {virtual_network: default-domain:admin:vn2}
service: {protocol: any}
action_list: {simple_action: pass}
- name: create project-scope firewall_rule
tungstenfabric.networking.firewall_rule:
name: firewall_rule1
controller_ip: x.x.x.x
state: present
project: admin
endpoint_1: {virtual_network: default-domain:admin:vn1}
endpoint_2: {virtual_network: default-domain:admin:vn2}
service: {protocol: any}
action_list: {simple_action: pass}
- name: delete firewall_rule
tungstenfabric.networking.firewall_rule:
name: firewall_rule1
controller_ip: x.x.x.x
state: absent
'''
RETURN = '''
message:
description: The output message that this module generates
type: str
returned: always
'''
import sys
import json
import requests
from ansible.module_utils.basic import AnsibleModule
from ansible_collections.tungstenfabric.networking.plugins.module_utils.common import login_and_check_id, crud
if __name__ == '__main__':
main()
| [
2,
48443,
14629,
14,
8800,
14,
29412,
198,
198,
2,
15069,
25,
357,
66,
8,
12131,
11,
309,
19231,
3972,
399,
7329,
6909,
1279,
83,
19231,
4121,
1264,
8784,
31,
14816,
13,
785,
29,
198,
2,
22961,
3611,
5094,
13789,
410,
18,
13,
15,
10,
357,
3826,
27975,
45761,
393,
3740,
1378,
2503,
13,
41791,
13,
2398,
14,
677,
4541,
14,
70,
489,
12,
18,
13,
15,
13,
14116,
8,
198,
198,
15037,
34563,
62,
47123,
2885,
13563,
796,
1391,
198,
220,
220,
220,
705,
38993,
62,
9641,
10354,
705,
16,
13,
16,
3256,
198,
220,
220,
220,
705,
13376,
10354,
37250,
3866,
1177,
6,
4357,
198,
220,
220,
220,
705,
15999,
62,
1525,
10354,
705,
28158,
6,
198,
92,
198,
198,
38715,
5883,
3525,
6234,
796,
705,
7061,
198,
6329,
198,
21412,
25,
32928,
62,
25135,
198,
198,
19509,
62,
11213,
25,
2251,
256,
2150,
26400,
36434,
1980,
32928,
12,
25135,
198,
198,
9641,
62,
29373,
25,
366,
17,
13,
24,
1,
198,
198,
11213,
25,
198,
220,
220,
220,
532,
366,
17953,
1220,
12233,
256,
2150,
26400,
36434,
1173,
32928,
12,
25135,
1,
198,
198,
25811,
25,
198,
220,
220,
220,
1438,
25,
198,
220,
220,
220,
220,
220,
220,
220,
6764,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
532,
32928,
12,
25135,
1438,
198,
220,
220,
220,
220,
220,
220,
220,
2672,
25,
2081,
198,
220,
220,
220,
10444,
62,
541,
25,
198,
220,
220,
220,
220,
220,
220,
220,
6764,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
532,
256,
2150,
26400,
36434,
1173,
10444,
20966,
198,
220,
220,
220,
220,
220,
220,
220,
2672,
25,
2081,
198,
220,
220,
220,
1628,
25,
198,
220,
220,
220,
220,
220,
220,
220,
6764,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
532,
1628,
1438,
357,
361,
340,
318,
5447,
11,
32928,
12,
25135,
481,
307,
1628,
629,
19458,
3896,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2672,
25,
3991,
198,
220,
220,
220,
32928,
62,
25135,
25,
198,
220,
220,
220,
220,
220,
220,
220,
6764,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
532,
3896,
286,
428,
32928,
12,
25135,
357,
3826,
7788,
2390,
6489,
1546,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2672,
25,
3991,
198,
198,
9800,
25,
198,
220,
220,
220,
532,
309,
19231,
3972,
399,
7329,
6909,
4275,
34106,
7329,
6909,
8,
198,
7061,
6,
198,
198,
6369,
2390,
6489,
1546,
796,
705,
7061,
198,
12,
1438,
25,
2251,
32928,
62,
25135,
198,
220,
256,
2150,
26400,
36434,
1173,
13,
3262,
16090,
13,
6495,
11930,
62,
25135,
25,
198,
220,
220,
220,
1438,
25,
32928,
62,
25135,
16,
198,
220,
220,
220,
10444,
62,
541,
25,
2124,
13,
87,
13,
87,
13,
87,
198,
220,
220,
220,
1181,
25,
1944,
198,
220,
220,
220,
36123,
62,
16,
25,
1391,
32844,
62,
27349,
25,
4277,
12,
27830,
25,
28482,
25,
85,
77,
16,
92,
198,
220,
220,
220,
36123,
62,
17,
25,
1391,
32844,
62,
27349,
25,
4277,
12,
27830,
25,
28482,
25,
85,
77,
17,
92,
198,
220,
220,
220,
2139,
25,
1391,
11235,
4668,
25,
597,
92,
198,
220,
220,
220,
2223,
62,
4868,
25,
1391,
36439,
62,
2673,
25,
1208,
92,
198,
198,
12,
1438,
25,
2251,
1628,
12,
29982,
32928,
62,
25135,
198,
220,
256,
2150,
26400,
36434,
1173,
13,
3262,
16090,
13,
6495,
11930,
62,
25135,
25,
198,
220,
220,
220,
1438,
25,
32928,
62,
25135,
16,
198,
220,
220,
220,
10444,
62,
541,
25,
2124,
13,
87,
13,
87,
13,
87,
198,
220,
220,
220,
1181,
25,
1944,
198,
220,
220,
220,
1628,
25,
13169,
198,
220,
220,
220,
36123,
62,
16,
25,
1391,
32844,
62,
27349,
25,
4277,
12,
27830,
25,
28482,
25,
85,
77,
16,
92,
198,
220,
220,
220,
36123,
62,
17,
25,
1391,
32844,
62,
27349,
25,
4277,
12,
27830,
25,
28482,
25,
85,
77,
17,
92,
198,
220,
220,
220,
2139,
25,
1391,
11235,
4668,
25,
597,
92,
198,
220,
220,
220,
2223,
62,
4868,
25,
1391,
36439,
62,
2673,
25,
1208,
92,
198,
198,
12,
1438,
25,
12233,
32928,
62,
25135,
198,
220,
256,
2150,
26400,
36434,
1173,
13,
3262,
16090,
13,
6495,
11930,
62,
25135,
25,
198,
220,
220,
220,
1438,
25,
32928,
62,
25135,
16,
198,
220,
220,
220,
10444,
62,
541,
25,
2124,
13,
87,
13,
87,
13,
87,
198,
220,
220,
220,
1181,
25,
13717,
198,
7061,
6,
198,
198,
26087,
27064,
796,
705,
7061,
198,
20500,
25,
198,
220,
220,
220,
6764,
25,
383,
5072,
3275,
326,
428,
8265,
18616,
198,
220,
220,
220,
2099,
25,
965,
198,
220,
220,
220,
4504,
25,
1464,
198,
7061,
6,
198,
198,
11748,
25064,
198,
11748,
33918,
198,
11748,
7007,
198,
6738,
9093,
856,
13,
21412,
62,
26791,
13,
35487,
1330,
28038,
856,
26796,
198,
6738,
9093,
856,
62,
4033,
26448,
13,
83,
2150,
26400,
36434,
1173,
13,
3262,
16090,
13,
37390,
13,
21412,
62,
26791,
13,
11321,
1330,
17594,
62,
392,
62,
9122,
62,
312,
11,
1067,
463,
198,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
220,
220,
1388,
3419,
198
] | 2.552632 | 874 |
#-----------------------------------------------------------------------------
# Copyright (c) 2012 - 2022, Anaconda, Inc., and Bokeh Contributors.
# All rights reserved.
#
# The full license is in the file LICENSE.txt, distributed with this software.
#-----------------------------------------------------------------------------
#-----------------------------------------------------------------------------
# Boilerplate
#-----------------------------------------------------------------------------
from __future__ import annotations # isort:skip
import pytest ; pytest
#-----------------------------------------------------------------------------
# Imports
#-----------------------------------------------------------------------------
# Bokeh imports
from bokeh.models import (
FixedTicker,
MathText,
PlainText,
TeX,
)
# Module under test
import bokeh.models.axes as bma # isort:skip
#-----------------------------------------------------------------------------
# Setup
#-----------------------------------------------------------------------------
#-----------------------------------------------------------------------------
# General API
#-----------------------------------------------------------------------------
#-----------------------------------------------------------------------------
# Dev API
#-----------------------------------------------------------------------------
#-----------------------------------------------------------------------------
# Private API
#-----------------------------------------------------------------------------
#-----------------------------------------------------------------------------
# Code
#-----------------------------------------------------------------------------
| [
2,
10097,
32501,
198,
2,
15069,
357,
66,
8,
2321,
532,
33160,
11,
1052,
330,
13533,
11,
3457,
1539,
290,
347,
2088,
71,
25767,
669,
13,
198,
2,
1439,
2489,
10395,
13,
198,
2,
198,
2,
383,
1336,
5964,
318,
287,
262,
2393,
38559,
24290,
13,
14116,
11,
9387,
351,
428,
3788,
13,
198,
2,
10097,
32501,
198,
198,
2,
10097,
32501,
198,
2,
3248,
5329,
6816,
198,
2,
10097,
32501,
198,
6738,
11593,
37443,
834,
1330,
37647,
1303,
318,
419,
25,
48267,
198,
198,
11748,
12972,
9288,
2162,
12972,
9288,
198,
198,
2,
10097,
32501,
198,
2,
1846,
3742,
198,
2,
10097,
32501,
198,
198,
2,
347,
2088,
71,
17944,
198,
6738,
1489,
365,
71,
13,
27530,
1330,
357,
198,
220,
220,
220,
10832,
51,
15799,
11,
198,
220,
220,
220,
16320,
8206,
11,
198,
220,
220,
220,
28847,
8206,
11,
198,
220,
220,
220,
1665,
55,
11,
198,
8,
198,
198,
2,
19937,
739,
1332,
198,
11748,
1489,
365,
71,
13,
27530,
13,
897,
274,
355,
275,
2611,
1303,
318,
419,
25,
48267,
198,
198,
2,
10097,
32501,
198,
2,
31122,
198,
2,
10097,
32501,
198,
198,
2,
10097,
32501,
198,
2,
3611,
7824,
198,
2,
10097,
32501,
198,
198,
2,
10097,
32501,
198,
2,
6245,
7824,
198,
2,
10097,
32501,
198,
198,
2,
10097,
32501,
198,
2,
15348,
7824,
198,
2,
10097,
32501,
198,
198,
2,
10097,
32501,
198,
2,
6127,
198,
2,
10097,
32501,
198
] | 7.364017 | 239 |
import unittest
from ..sdk import Client, Results
from . import config
if __name__ == '__main__':
unittest.main()
| [
11748,
555,
715,
395,
198,
6738,
11485,
21282,
74,
1330,
20985,
11,
15691,
198,
6738,
764,
1330,
4566,
628,
198,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
220,
220,
555,
715,
395,
13,
12417,
3419,
198
] | 2.880952 | 42 |
from django.test import TestCase
from django.test import override_settings
@override_settings(ES_ENABLED=False)
| [
6738,
42625,
14208,
13,
9288,
1330,
6208,
20448,
198,
6738,
42625,
14208,
13,
9288,
1330,
20957,
62,
33692,
628,
198,
31,
2502,
13154,
62,
33692,
7,
1546,
62,
1677,
6242,
30465,
28,
25101,
8,
198
] | 3.257143 | 35 |
import hashlib
import os
import shutil
from concurrent.futures import ThreadPoolExecutor, as_completed
from contextlib import suppress
from functools import wraps
from typing import List, Any, Union
from funcy import contextmanager
from toolz import keyfilter
logger = None
def ensure_directory(directory, force_recreate=True):
""" Ensure directory will nuke provided path, and create a fresh directory.
Args:
directory (str): A nested path we want to ensure.
force_recreate (bool): If True, it will always nuke the path and re-create it.
Otherwise, it checks and returns if path already exists first.
"""
if not force_recreate:
with suppress(Exception):
if os.path.isdir(directory):
return
with suppress(FileNotFoundError):
shutil.rmtree(directory)
os.makedirs(directory)
@contextmanager
def changewd(path, is_child=False):
"""
This is a workaround function to make ipfs api work.
If relative path is /foo/bar/baz, and global path is /x/foo/bar/baz,
we change the current directory to /x/foo/bar, then we add baz to ipfs.
After that, we change the directory back to the original (/x/).
"""
current_dir = os.getcwd()
parent_dir = "/".join(path.split('/')[:-1]).lstrip('/')
if is_child:
change_to_dir = os.path.join(current_dir, parent_dir)
else:
change_to_dir = os.path.join('/', parent_dir)
os.chdir(change_to_dir)
yield
os.chdir(current_dir)
def cleanup_after(fn):
""" A decorator to be used on methods that finalize actions on temporary directory.
The temporary directory is destroyed when wrapped function returns.
"""
@wraps(fn)
return wrapper
# logging
# -------
def log_exception():
""" Log to sentry.io. Alternatively,
fallback to stdout stacktrace dump."""
global logger
dsn = os.getenv('SENTRY_DSN')
if dsn:
import raven
logger = raven.Client(dsn)
if logger:
logger.captureException()
else:
import traceback
print(traceback.format_exc())
@contextmanager
# toolz
# -----
# ---------------
# Multi-Threading
# ---------------
def dependency_injection(fn_args, dep_args):
"""
>>> dependency_injection([1, None, None], [2,3])
[1, 2, 3]
"""
fn_args = ensure_list(fn_args)
dep_args = ensure_list(dep_args)[::-1]
args = []
for fn_arg in fn_args:
next_arg = fn_arg if fn_arg is not None else dep_args.pop()
args.append(next_arg)
return args
def thread_multi(
fn,
fn_args: List[Any],
dep_args: List[Union[Any, List[Any]]],
fn_kwargs=None,
max_workers=100,
re_raise_errors=True):
""" Run a function /w variable inputs concurrently.
Args:
fn: A pointer to the function that will be executed in parallel.
fn_args: A list of arguments the function takes. None arguments will be
displaced trough `dep_args`.
dep_args: A list of lists of arguments to displace in `fn_args`.
fn_kwargs: Keyword arguments that `fn` takes.
max_workers: A cap of threads to run in parallel.
re_raise_errors: Throw exceptions that happen in the worker pool.
"""
if not fn_kwargs:
fn_kwargs = dict()
fn_args = ensure_list(fn_args)
with ThreadPoolExecutor(max_workers=max_workers) as executor:
futures = (executor.submit(fn, *dependency_injection(fn_args, args), **fn_kwargs)
for args in dep_args)
for future in as_completed(futures):
try:
yield future.result()
except Exception as e:
log_exception()
if re_raise_errors:
raise e
| [
11748,
12234,
8019,
198,
11748,
28686,
198,
11748,
4423,
346,
198,
6738,
24580,
13,
69,
315,
942,
1330,
14122,
27201,
23002,
38409,
11,
355,
62,
785,
16838,
198,
6738,
4732,
8019,
1330,
18175,
198,
6738,
1257,
310,
10141,
1330,
27521,
198,
6738,
19720,
1330,
7343,
11,
4377,
11,
4479,
198,
198,
6738,
1257,
948,
1330,
4732,
37153,
198,
6738,
2891,
89,
1330,
1994,
24455,
198,
198,
6404,
1362,
796,
6045,
628,
198,
198,
4299,
4155,
62,
34945,
7,
34945,
11,
2700,
62,
260,
17953,
28,
17821,
2599,
198,
220,
220,
220,
37227,
48987,
8619,
481,
299,
4649,
2810,
3108,
11,
290,
2251,
257,
4713,
8619,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
8619,
357,
2536,
2599,
317,
28376,
3108,
356,
765,
284,
4155,
13,
198,
220,
220,
220,
220,
220,
220,
220,
2700,
62,
260,
17953,
357,
30388,
2599,
1002,
6407,
11,
340,
481,
1464,
299,
4649,
262,
3108,
290,
302,
12,
17953,
340,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
15323,
11,
340,
8794,
290,
5860,
611,
3108,
1541,
7160,
717,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
611,
407,
2700,
62,
260,
17953,
25,
198,
220,
220,
220,
220,
220,
220,
220,
351,
18175,
7,
16922,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
28686,
13,
6978,
13,
9409,
343,
7,
34945,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
628,
220,
220,
220,
351,
18175,
7,
8979,
3673,
21077,
12331,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
4423,
346,
13,
81,
16762,
631,
7,
34945,
8,
628,
220,
220,
220,
28686,
13,
76,
4335,
17062,
7,
34945,
8,
628,
198,
31,
22866,
37153,
198,
4299,
1488,
413,
67,
7,
6978,
11,
318,
62,
9410,
28,
25101,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
770,
318,
257,
46513,
2163,
284,
787,
20966,
9501,
40391,
670,
13,
198,
220,
220,
220,
1002,
3585,
3108,
318,
1220,
21943,
14,
5657,
14,
65,
1031,
11,
290,
3298,
3108,
318,
1220,
87,
14,
21943,
14,
5657,
14,
65,
1031,
11,
198,
220,
220,
220,
356,
1487,
262,
1459,
8619,
284,
1220,
87,
14,
21943,
14,
5657,
11,
788,
356,
751,
275,
1031,
284,
20966,
9501,
13,
198,
220,
220,
220,
2293,
326,
11,
356,
1487,
262,
8619,
736,
284,
262,
2656,
50247,
87,
14,
737,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1459,
62,
15908,
796,
28686,
13,
1136,
66,
16993,
3419,
198,
220,
220,
220,
2560,
62,
15908,
796,
12813,
1911,
22179,
7,
6978,
13,
35312,
10786,
14,
11537,
58,
21912,
16,
35944,
75,
36311,
10786,
14,
11537,
198,
220,
220,
220,
611,
318,
62,
9410,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1487,
62,
1462,
62,
15908,
796,
28686,
13,
6978,
13,
22179,
7,
14421,
62,
15908,
11,
2560,
62,
15908,
8,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1487,
62,
1462,
62,
15908,
796,
28686,
13,
6978,
13,
22179,
10786,
14,
3256,
2560,
62,
15908,
8,
198,
220,
220,
220,
28686,
13,
354,
15908,
7,
3803,
62,
1462,
62,
15908,
8,
198,
220,
220,
220,
7800,
198,
220,
220,
220,
28686,
13,
354,
15908,
7,
14421,
62,
15908,
8,
628,
198,
198,
4299,
27425,
62,
8499,
7,
22184,
2599,
198,
220,
220,
220,
37227,
317,
11705,
1352,
284,
307,
973,
319,
5050,
326,
2457,
1096,
4028,
319,
8584,
8619,
13,
198,
220,
220,
220,
383,
8584,
8619,
318,
6572,
618,
12908,
2163,
5860,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
2488,
29988,
862,
7,
22184,
8,
628,
220,
220,
220,
1441,
29908,
628,
198,
198,
2,
18931,
198,
2,
35656,
198,
4299,
2604,
62,
1069,
4516,
33529,
198,
220,
220,
220,
37227,
5972,
284,
1908,
563,
13,
952,
13,
25929,
11,
198,
220,
220,
220,
2121,
1891,
284,
14367,
448,
8931,
40546,
10285,
526,
15931,
198,
220,
220,
220,
3298,
49706,
628,
220,
220,
220,
288,
16184,
796,
28686,
13,
1136,
24330,
10786,
50,
3525,
18276,
62,
5258,
45,
11537,
198,
220,
220,
220,
611,
288,
16184,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1330,
37735,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
796,
37735,
13,
11792,
7,
9310,
77,
8,
628,
220,
220,
220,
611,
49706,
25,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
27144,
495,
16922,
3419,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1330,
12854,
1891,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
40546,
1891,
13,
18982,
62,
41194,
28955,
628,
198,
31,
22866,
37153,
628,
198,
2,
2891,
89,
198,
2,
37404,
628,
198,
198,
2,
220,
24305,
198,
2,
15237,
12,
16818,
278,
198,
2,
220,
24305,
628,
198,
4299,
20203,
62,
259,
29192,
7,
22184,
62,
22046,
11,
1207,
62,
22046,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
13163,
20203,
62,
259,
29192,
26933,
16,
11,
6045,
11,
6045,
4357,
685,
17,
11,
18,
12962,
198,
220,
220,
220,
685,
16,
11,
362,
11,
513,
60,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
24714,
62,
22046,
796,
4155,
62,
4868,
7,
22184,
62,
22046,
8,
198,
220,
220,
220,
1207,
62,
22046,
796,
4155,
62,
4868,
7,
10378,
62,
22046,
38381,
3712,
12,
16,
60,
628,
220,
220,
220,
26498,
796,
17635,
198,
220,
220,
220,
329,
24714,
62,
853,
287,
24714,
62,
22046,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1306,
62,
853,
796,
24714,
62,
853,
611,
24714,
62,
853,
318,
407,
6045,
2073,
1207,
62,
22046,
13,
12924,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
26498,
13,
33295,
7,
19545,
62,
853,
8,
628,
220,
220,
220,
1441,
26498,
628,
198,
4299,
4704,
62,
41684,
7,
198,
220,
220,
220,
220,
220,
220,
220,
24714,
11,
198,
220,
220,
220,
220,
220,
220,
220,
24714,
62,
22046,
25,
7343,
58,
7149,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
1207,
62,
22046,
25,
7343,
58,
38176,
58,
7149,
11,
7343,
58,
7149,
11907,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
24714,
62,
46265,
22046,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
220,
220,
3509,
62,
22896,
28,
3064,
11,
198,
220,
220,
220,
220,
220,
220,
220,
302,
62,
40225,
62,
48277,
28,
17821,
2599,
198,
220,
220,
220,
37227,
5660,
257,
2163,
1220,
86,
7885,
17311,
47480,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
24714,
25,
317,
17562,
284,
262,
2163,
326,
481,
307,
10945,
287,
10730,
13,
198,
220,
220,
220,
220,
220,
220,
220,
24714,
62,
22046,
25,
317,
1351,
286,
7159,
262,
2163,
2753,
13,
6045,
7159,
481,
307,
198,
220,
220,
220,
220,
220,
220,
220,
20085,
45047,
4600,
10378,
62,
22046,
44646,
198,
220,
220,
220,
220,
220,
220,
220,
1207,
62,
22046,
25,
317,
1351,
286,
8341,
286,
7159,
284,
595,
5372,
287,
4600,
22184,
62,
22046,
44646,
198,
220,
220,
220,
220,
220,
220,
220,
24714,
62,
46265,
22046,
25,
7383,
4775,
7159,
326,
4600,
22184,
63,
2753,
13,
198,
220,
220,
220,
220,
220,
220,
220,
3509,
62,
22896,
25,
317,
1451,
286,
14390,
284,
1057,
287,
10730,
13,
198,
220,
220,
220,
220,
220,
220,
220,
302,
62,
40225,
62,
48277,
25,
22481,
13269,
326,
1645,
287,
262,
8383,
5933,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
611,
407,
24714,
62,
46265,
22046,
25,
198,
220,
220,
220,
220,
220,
220,
220,
24714,
62,
46265,
22046,
796,
8633,
3419,
628,
220,
220,
220,
24714,
62,
22046,
796,
4155,
62,
4868,
7,
22184,
62,
22046,
8,
628,
220,
220,
220,
351,
14122,
27201,
23002,
38409,
7,
9806,
62,
22896,
28,
9806,
62,
22896,
8,
355,
3121,
273,
25,
198,
220,
220,
220,
220,
220,
220,
220,
25650,
796,
357,
18558,
38409,
13,
46002,
7,
22184,
11,
1635,
45841,
1387,
62,
259,
29192,
7,
22184,
62,
22046,
11,
26498,
828,
12429,
22184,
62,
46265,
22046,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
26498,
287,
1207,
62,
22046,
8,
628,
220,
220,
220,
220,
220,
220,
220,
329,
2003,
287,
355,
62,
785,
16838,
7,
69,
315,
942,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7800,
2003,
13,
20274,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2845,
35528,
355,
304,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2604,
62,
1069,
4516,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
302,
62,
40225,
62,
48277,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
304,
198
] | 2.494426 | 1,525 |
from refactor.default_interface import DefaultHandler
from refactor.tilde_essentials.example import Example
from refactor.tilde_essentials.leaf_strategy import LeafBuilder
from refactor.tilde_essentials.splitter import Splitter
from refactor.tilde_essentials.stop_criterion import StopCriterion
from refactor.tilde_essentials.tree_builder import TreeBuilder
from refactor.query_testing_back_end.subtle.clause_handling import build_clause
from refactor.query_testing_back_end.subtle.evaluation import SubtleQueryEvaluator
from refactor.query_testing_back_end.subtle.test_generation import SubtleTestGeneratorBuilder
from refactor.representation.example_collection import ExampleCollection
from tilde_config import subtle_path, split_criterion
| [
6738,
1006,
11218,
13,
12286,
62,
39994,
1330,
15161,
25060,
198,
6738,
1006,
11218,
13,
83,
44725,
62,
408,
14817,
13,
20688,
1330,
17934,
198,
6738,
1006,
11218,
13,
83,
44725,
62,
408,
14817,
13,
33201,
62,
2536,
4338,
1330,
14697,
32875,
198,
6738,
1006,
11218,
13,
83,
44725,
62,
408,
14817,
13,
22018,
1967,
1330,
13341,
1967,
198,
6738,
1006,
11218,
13,
83,
44725,
62,
408,
14817,
13,
11338,
62,
22213,
28019,
1330,
13707,
18559,
28019,
198,
6738,
1006,
11218,
13,
83,
44725,
62,
408,
14817,
13,
21048,
62,
38272,
1330,
12200,
32875,
198,
6738,
1006,
11218,
13,
22766,
62,
33407,
62,
1891,
62,
437,
13,
7266,
7100,
13,
565,
682,
62,
4993,
1359,
1330,
1382,
62,
565,
682,
198,
6738,
1006,
11218,
13,
22766,
62,
33407,
62,
1891,
62,
437,
13,
7266,
7100,
13,
18206,
2288,
1330,
47419,
20746,
36,
2100,
84,
1352,
198,
6738,
1006,
11218,
13,
22766,
62,
33407,
62,
1891,
62,
437,
13,
7266,
7100,
13,
9288,
62,
20158,
1330,
47419,
14402,
8645,
1352,
32875,
198,
6738,
1006,
11218,
13,
15603,
341,
13,
20688,
62,
43681,
1330,
17934,
36307,
198,
6738,
256,
44725,
62,
11250,
1330,
11800,
62,
6978,
11,
6626,
62,
22213,
28019,
628
] | 3.715 | 200 |
from identixone.base.choices import Conf
| [
6738,
1852,
844,
505,
13,
8692,
13,
6679,
1063,
1330,
7326,
628
] | 3.5 | 12 |
#!/usr/bin/python
import argparse
import collections
import json
import math
import os
import struct
import sys
ANGLE_FACTOR = 2 * math.pi / 40000.0
SPEED_FACTOR = 1 / 1000.0
if __name__ == '__main__':
main()
| [
2,
48443,
14629,
14,
8800,
14,
29412,
198,
198,
11748,
1822,
29572,
198,
11748,
17268,
198,
11748,
33918,
198,
11748,
10688,
198,
11748,
28686,
198,
11748,
2878,
198,
11748,
25064,
198,
198,
15567,
2538,
62,
37,
10659,
1581,
796,
362,
1635,
10688,
13,
14415,
1220,
604,
2388,
13,
15,
198,
4303,
41841,
62,
37,
10659,
1581,
796,
352,
1220,
8576,
13,
15,
198,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
1388,
3419,
198
] | 2.708861 | 79 |
#!/usr/env/bin python3
# Copyright 2017 Google Inc.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License 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.
"""Trampoline handles launching into a docker container for running tests."""
import errno
import os
import shutil
import subprocess
import sys
import tempfile
from subprocess import Popen, PIPE
ENV_BLACKLIST = ["ALIASES", "ALLUSERSPROFILE", "ANDROID_HOME", "ANSICON",
"ANSICON_DEF", "ANT_HOME", "APPDATA", "ARCHITECTURE", "ARCHITECTURE_BITS", "CCALL",
"CEXEC", "CHOCOLATEYINSTALL", "CHOCOLATEYLASTPATHUPDATE", "CHOCOLATEYTOOLSLOCATION",
"CLASSPATH", "CLIENTNAME", "CLOUDSDK_CONFIG", "CLOUD_SDK_VERSION", "CMDER_ALIASES",
"CMDER_CLINK", "CMDER_CONFIGURED", "CMDER_INIT_END", "CMDER_INIT_START", "CMDER_ROOT",
"CMDER_SHELL", "CMDER_USER_FLAGS", "COMPUTERNAME", "CONEMUANSI", "CONEMUARGS", "CONEMUBACKHWND",
"CONEMUBASEDIR", "CONEMUBASEDIRSHORT", "CONEMUBUILD", "CONEMUCFGDIR", "CONEMUDIR", "CONEMUDRAWHWND",
"CONEMUDRIVE", "CONEMUHOOKS", "CONEMUHWND", "CONEMUPALETTE", "CONEMUPID", "CONEMUSERVERPID",
"CONEMUTASK", "CONEMUWORKDIR", "CONEMUWORKDRIVE", "CUDA_PATH", "CUDA_PATH_V9_0", "CUDA_PATH_V9_1",
"ComSpec", "CommonProgramFiles", "CommonProgramFiles(x86)", "CommonProgramW6432", "DEBUG_OUTPUT",
"DERBY_HOME", "FAST_INIT", "FEFLAGNAME", "FSHARPINSTALLDIR", "GIT_INSTALL_ROOT", "GOOGETROOT",
"GOPATH", "GOROOT", "GRADLE_HOME", "GRADLE_USER_HOME", "HOME", "HOMEDRIVE", "HOMEPATH", "J2REDIR",
"J2SDKDIR", "JAVA_HOME", "LANG", "LIB_BASE", "LIB_CONSOLE",
"LIB_GIT", "LIB_PATH", "LIB_PROFILE", "LOCALAPPDATA", "LOGNAME", "LOGONSERVER", "M2", "M2_HOME",
"M2_REPO", "MAIL", "MAVEN_OPTS", "MAX_DEPTH", "MSMPI_BIN", "NIX_TOOLS", "NUMBER_OF_PROCESSORS",
"NVCUDASAMPLES9_0_ROOT", "NVCUDASAMPLES9_1_ROOT", "NVCUDASAMPLES_ROOT", "OS", "PATH",
"PATHEXT", "PLINK_PROTOCOL", "PROCESSOR_ARCHITECTURE", "PROCESSOR_IDENTIFIER", "PROCESSOR_LEVEL",
"PROCESSOR_REVISION", "PROMPT", "PSModulePath", "PUBLIC", "PWD", "PYENV_DIR", "PYENV_HOOK_PATH",
"PYENV_ROOT", "PYENV_SHELL", "PYENV_VERSION", "PYENV_VIRTUALENV_INIT", "Path", "ProgramData",
"ProgramFiles", "ProgramFiles(x86)", "ProgramW6432", "QT_QPA_PLATFORMTHEME",
"SESSIONNAME", "SHELL", "SHLVL", "SSH_CLIENT", "SSH_CONNECTION", "SVN_SSH", "SystemDrive",
"SystemRoot", "TEMP", "TERM", "TIME_INIT", "TMP", "TMPDIR", "TRAMPOLINE_BUILD_FILE",
"TRAMPOLINE_IMAGE", "USER", "USERDOMAIN", "USERDOMAIN_ROAMINGPROFILE", "USERNAME", "USERPROFILE",
"USER_ALIASES", "VERBOSE_OUTPUT", "VS110COMNTOOLS", "VS120COMNTOOLS", "VS140COMNTOOLS",
"VSSDK140INSTALL", "XDG_RUNTIME_DIR", "XDG_SESSION_COOKIE", "XDG_SESSION_ID", "_system_arch"
"_system_name", "_system_type", "_system_version", "rvm_bin_path", "rvm_path", "rvm_prefix",
"rvm_version", "windir"]
if __name__ == '__main__':
main()
| [
2,
48443,
14629,
14,
24330,
14,
8800,
21015,
18,
198,
198,
2,
15069,
2177,
3012,
3457,
13,
198,
2,
198,
2,
49962,
739,
262,
24843,
13789,
11,
10628,
362,
13,
15,
357,
1169,
366,
34156,
15341,
198,
2,
345,
743,
407,
779,
428,
2393,
2845,
287,
11846,
351,
262,
13789,
13,
198,
2,
921,
743,
7330,
257,
4866,
286,
262,
13789,
379,
198,
2,
198,
2,
220,
220,
220,
220,
220,
2638,
1378,
2503,
13,
43073,
13,
2398,
14,
677,
4541,
14,
43,
2149,
24290,
12,
17,
13,
15,
198,
2,
198,
2,
17486,
2672,
416,
9723,
1099,
393,
4987,
284,
287,
3597,
11,
3788,
198,
2,
9387,
739,
262,
13789,
318,
9387,
319,
281,
366,
1921,
3180,
1,
29809,
1797,
11,
198,
2,
42881,
34764,
11015,
6375,
7102,
49828,
11053,
3963,
15529,
509,
12115,
11,
2035,
4911,
393,
17142,
13,
198,
2,
4091,
262,
13789,
329,
262,
2176,
3303,
15030,
21627,
290,
198,
2,
11247,
739,
262,
13789,
13,
628,
198,
37811,
2898,
696,
14453,
17105,
13925,
656,
257,
36253,
9290,
329,
2491,
5254,
526,
15931,
198,
198,
11748,
11454,
3919,
198,
11748,
28686,
198,
11748,
4423,
346,
198,
11748,
850,
14681,
198,
11748,
25064,
198,
11748,
20218,
7753,
198,
6738,
850,
14681,
1330,
8099,
268,
11,
350,
4061,
36,
628,
198,
1677,
53,
62,
9148,
8120,
45849,
796,
14631,
1847,
43429,
1546,
1600,
366,
7036,
29904,
4303,
13252,
25664,
1600,
366,
6981,
13252,
2389,
62,
39069,
1600,
366,
15037,
2149,
1340,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
15037,
2149,
1340,
62,
32988,
1600,
366,
8643,
62,
39069,
1600,
366,
2969,
5760,
13563,
1600,
366,
31315,
2043,
9782,
11335,
1600,
366,
31315,
2043,
9782,
11335,
62,
26094,
50,
1600,
366,
4093,
7036,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
5222,
55,
2943,
1600,
366,
3398,
4503,
3535,
6158,
56,
38604,
7036,
1600,
366,
3398,
4503,
3535,
6158,
45448,
1921,
7250,
12599,
16977,
1600,
366,
3398,
4503,
3535,
6158,
56,
10468,
3535,
8634,
4503,
6234,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
5097,
1921,
4303,
12599,
1600,
366,
5097,
28495,
20608,
1600,
366,
5097,
2606,
5258,
48510,
62,
10943,
16254,
1600,
366,
5097,
2606,
35,
62,
10305,
42,
62,
43717,
1600,
366,
34,
12740,
1137,
62,
1847,
43429,
1546,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
34,
12740,
1137,
62,
5097,
17248,
1600,
366,
34,
12740,
1137,
62,
10943,
16254,
4261,
1961,
1600,
366,
34,
12740,
1137,
62,
1268,
2043,
62,
10619,
1600,
366,
34,
12740,
1137,
62,
1268,
2043,
62,
2257,
7227,
1600,
366,
34,
12740,
1137,
62,
13252,
2394,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
34,
12740,
1137,
62,
9693,
23304,
1600,
366,
34,
12740,
1137,
62,
29904,
62,
38948,
50,
1600,
366,
9858,
30076,
1137,
20608,
1600,
366,
10943,
3620,
52,
1565,
11584,
1600,
366,
10943,
3620,
52,
1503,
14313,
1600,
366,
10943,
3620,
10526,
8120,
39,
54,
8575,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
10943,
3620,
10526,
42827,
4663,
1600,
366,
10943,
3620,
10526,
42827,
4663,
9693,
9863,
1600,
366,
10943,
3620,
10526,
52,
26761,
1600,
366,
10943,
3620,
9598,
30386,
34720,
1600,
366,
10943,
3620,
8322,
4663,
1600,
366,
10943,
3620,
8322,
3861,
12418,
54,
8575,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
10943,
3620,
52,
7707,
9306,
1600,
366,
10943,
3620,
52,
39,
15308,
50,
1600,
366,
10943,
3620,
52,
39,
54,
8575,
1600,
366,
10943,
3620,
8577,
1847,
2767,
9328,
1600,
366,
10943,
3620,
8577,
2389,
1600,
366,
10943,
3620,
29904,
5959,
47,
2389,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
10943,
3620,
3843,
1921,
42,
1600,
366,
10943,
3620,
52,
33249,
34720,
1600,
366,
10943,
3620,
52,
33249,
7707,
9306,
1600,
366,
43633,
5631,
62,
34219,
1600,
366,
43633,
5631,
62,
34219,
62,
53,
24,
62,
15,
1600,
366,
43633,
5631,
62,
34219,
62,
53,
24,
62,
16,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
5377,
22882,
1600,
366,
17227,
15167,
25876,
1600,
366,
17227,
15167,
25876,
7,
87,
4521,
42501,
366,
17227,
15167,
54,
2414,
2624,
1600,
366,
30531,
62,
2606,
7250,
3843,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
14418,
17513,
62,
39069,
1600,
366,
37,
11262,
62,
1268,
2043,
1600,
366,
15112,
38948,
20608,
1600,
366,
37,
9693,
36035,
38604,
7036,
34720,
1600,
366,
38,
2043,
62,
38604,
7036,
62,
13252,
2394,
1600,
366,
38,
6684,
18851,
13252,
2394,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
44962,
12599,
1600,
366,
38,
1581,
46,
2394,
1600,
366,
10761,
2885,
2538,
62,
39069,
1600,
366,
10761,
2885,
2538,
62,
29904,
62,
39069,
1600,
366,
39069,
1600,
366,
39,
2662,
1961,
49,
9306,
1600,
366,
39,
2662,
8905,
12599,
1600,
366,
41,
17,
22083,
4663,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
41,
17,
10305,
42,
34720,
1600,
366,
41,
10116,
32,
62,
39069,
1600,
366,
43,
15567,
1600,
366,
40347,
62,
33,
11159,
1600,
366,
40347,
62,
10943,
15821,
2538,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
40347,
62,
38,
2043,
1600,
366,
40347,
62,
34219,
1600,
366,
40347,
62,
31190,
25664,
1600,
366,
29701,
1847,
2969,
5760,
13563,
1600,
366,
25294,
20608,
1600,
366,
25294,
19213,
1137,
5959,
1600,
366,
44,
17,
1600,
366,
44,
17,
62,
39069,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
44,
17,
62,
2200,
16402,
1600,
366,
5673,
4146,
1600,
366,
5673,
28290,
62,
3185,
4694,
1600,
366,
22921,
62,
46162,
4221,
1600,
366,
5653,
7378,
40,
62,
33,
1268,
1600,
366,
45,
10426,
62,
10468,
3535,
50,
1600,
366,
41359,
13246,
62,
19238,
62,
4805,
4503,
7597,
20673,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
45,
15922,
8322,
1921,
2390,
6489,
1546,
24,
62,
15,
62,
13252,
2394,
1600,
366,
45,
15922,
8322,
1921,
2390,
6489,
1546,
24,
62,
16,
62,
13252,
2394,
1600,
366,
45,
15922,
8322,
1921,
2390,
6489,
1546,
62,
13252,
2394,
1600,
366,
2640,
1600,
366,
34219,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
34219,
13918,
1600,
366,
6489,
17248,
62,
4805,
2394,
4503,
3535,
1600,
366,
4805,
4503,
7597,
1581,
62,
31315,
2043,
9782,
11335,
1600,
366,
4805,
4503,
7597,
1581,
62,
25256,
5064,
38311,
1600,
366,
4805,
4503,
7597,
1581,
62,
2538,
18697,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
4805,
4503,
7597,
1581,
62,
2200,
29817,
2849,
1600,
366,
4805,
2662,
11571,
1600,
366,
3705,
26796,
15235,
1600,
366,
5105,
32936,
1600,
366,
47,
22332,
1600,
366,
47,
56,
1677,
53,
62,
34720,
1600,
366,
47,
56,
1677,
53,
62,
39,
15308,
62,
34219,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
47,
56,
1677,
53,
62,
13252,
2394,
1600,
366,
47,
56,
1677,
53,
62,
9693,
23304,
1600,
366,
47,
56,
1677,
53,
62,
43717,
1600,
366,
47,
56,
1677,
53,
62,
53,
48771,
25620,
1677,
53,
62,
1268,
2043,
1600,
366,
15235,
1600,
366,
15167,
6601,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
15167,
25876,
1600,
366,
15167,
25876,
7,
87,
4521,
42501,
366,
15167,
54,
2414,
2624,
1600,
366,
48,
51,
62,
48,
4537,
62,
6489,
1404,
21389,
4221,
3620,
36,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
50,
47621,
20608,
1600,
366,
9693,
23304,
1600,
366,
50,
6581,
47468,
1600,
366,
5432,
39,
62,
5097,
28495,
1600,
366,
5432,
39,
62,
10943,
45,
24565,
1600,
366,
50,
53,
45,
62,
5432,
39,
1600,
366,
11964,
24825,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
11964,
30016,
1600,
366,
51,
39494,
1600,
366,
5781,
44,
1600,
366,
34694,
62,
1268,
2043,
1600,
366,
51,
7378,
1600,
366,
15972,
5760,
4663,
1600,
366,
5446,
23518,
3535,
8881,
62,
19499,
26761,
62,
25664,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
5446,
23518,
3535,
8881,
62,
3955,
11879,
1600,
366,
29904,
1600,
366,
29904,
39170,
29833,
1600,
366,
29904,
39170,
29833,
62,
13252,
2390,
2751,
31190,
25664,
1600,
366,
29904,
20608,
1600,
366,
29904,
31190,
25664,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
29904,
62,
1847,
43429,
1546,
1600,
366,
5959,
33,
14058,
62,
2606,
7250,
3843,
1600,
366,
20304,
11442,
9858,
45,
10468,
3535,
50,
1600,
366,
20304,
10232,
9858,
45,
10468,
3535,
50,
1600,
366,
20304,
15187,
9858,
45,
10468,
3535,
50,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
53,
5432,
48510,
15187,
38604,
7036,
1600,
366,
55,
35,
38,
62,
49,
4944,
34694,
62,
34720,
1600,
366,
55,
35,
38,
62,
50,
47621,
62,
34,
15308,
10008,
1600,
366,
55,
35,
38,
62,
50,
47621,
62,
2389,
1600,
45434,
10057,
62,
998,
1,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45434,
10057,
62,
3672,
1600,
45434,
10057,
62,
4906,
1600,
45434,
10057,
62,
9641,
1600,
366,
81,
14761,
62,
8800,
62,
6978,
1600,
366,
81,
14761,
62,
6978,
1600,
366,
81,
14761,
62,
40290,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
81,
14761,
62,
9641,
1600,
366,
7972,
343,
8973,
628,
628,
628,
628,
628,
198,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
220,
220,
1388,
3419,
198
] | 2.069452 | 1,771 |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.